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

5.0 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')
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:
        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
        wildcard_value = dic['<unk>']
        del dic['<unk>']
        tab = [(key, val) for key, val in dic.items()]
        tab.append(('<unk>', wildcard_value))
  
    return tab

def gonito_format(dic, const_wildcard = True):
    tab = summarize_probs_unk(dic, 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(['met']), vocab.forward(['the'])]).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)
[('<unk>', 0, 0.09396536648273468),
 ('he', 20, 0.06469981372356415),
 ('I', 25, 0.05796860530972481),
 ('have', 28, 0.03896494582295418),
 ('had', 35, 0.03859648108482361),
 ('who', 46, 0.03718526288866997),
 ('and', 3, 0.03539585694670677),
 ('we', 51, 0.028498027473688126),
 ('they', 41, 0.027544576674699783),
 ('has', 36, 0.02714056707918644)]
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:
        results.append(dict(get_values_from_model(context_words, model, vocab, k=10)))
    with open(out_file, 'w') as outfile:
        for elem in results:  
            outfile.write(gonito_format(elem, const_wildcard=True))
/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)
results = list(results)
print(results)
[{'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}, {'hundred': 0.20690368234980644, 'dred': 0.016862763374890333, 'eight': 0.013369172273239058, 'degrees': 0.012332104811390751, 'due': 0.010984631321651445, 'north': 0.010787863089447845, 'long': 0.010781825654392464, 'men': 0.010748705564928452, 'dollars': 0.010353799961502293}, {'a': 0.31913240489183115, 'the': 0.29517514506313536, 'this': 0.03733548506569633, 'other': 0.03346940461082642, 'of': 0.029560266108464378, 'and': 0.027238732099718253, 'his': 0.02464437327147875, 'The': 0.022107688801149376, 'tho': 0.019238808380424022}, {'it': 0.12313666494965082, 'they': 0.09809807147696818, 'and': 0.09538885794663812, 'which': 0.07856739159691196, 'he': 0.07315362717066948, 'you': 0.05933349337797105, 'It': 0.05768125116308933, 'I': 0.05325317144734862, 'who': 0.05107053678019961}, {'able': 0.07961428813139447, 'and': 0.06436580425535794, 'order': 0.05944584661270446, 'enough': 0.05535994189099476, 'is': 0.05259523130255037, 'him': 0.04783945150003834, 'right': 0.04600587504040582, 'was': 0.04175523211107633, 'attempt': 0.04150709254376553}, {'is': 0.2608770755724768, 'be': 0.20575276031986306, 'are': 0.1338398713547665, 'was': 0.1118212203408189, 'and': 0.07193410912133091, 'been': 0.03780245983287595, 'Is': 0.03569511082801162, 'not': 0.03503930345481243, 'were': 0.03471570687239965}, {'and': 0.11466261124671324, 'was': 0.04183008781999923, 'held': 0.03556966805171333, 'Beginning': 0.02896819071614559, 'is': 0.02752856476682257, 'look': 0.026279900325162895, 'arrived': 0.02597799389057782, 'that': 0.025271294744426742, 'interest': 0.023893646310221173}, {'and': 0.16957236400787742, 'of': 0.15506373174177102, 'is': 0.05972843394247045, 'are': 0.054696326302563894, 'it': 0.053547222446006154, 'after': 0.05183126867257247, 'in': 0.044955435420652556, 'that': 0.030219711613628224, 'was': 0.029089699684159868}, {'of': 0.3287840108669292, 'in': 0.1476102622703524, 'and': 0.09287489857842618, 'to': 0.07326467224134693, 'with': 0.06666276053146637, 'for': 0.06049905777628176, 'that': 0.03937292847428804, 'In': 0.03436891606486899, 'on': 0.029590420196550105}, {'and': 0.1916144003594524, 'that': 0.1563949444429718, 'as': 0.15293878062521685, 'but': 0.0470765399601518, 'even': 0.03760902868782509, 'or': 0.023812013359426402, 'But': 0.023581596614490816, 'And': 0.020098171397989948, 'and,': 0.019637785089070197}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.6393111587022597, 'a': 0.10767817154861956, 'be-': 0.0555827194410335, 'The': 0.04178207944040472, 'tho': 0.03302689921850989, 'be¬': 0.019300467391603498, 'be\xad': 0.017527640536319732, 'no': 0.015098851914992942, 'and': 0.014877314298270666}, {'of': 0.15786307631865973, 'and': 0.09250487917070395, 'to': 0.07076873636574574, 'the': 0.06835458641123807, 'for': 0.0453165033737888, 'a': 0.04042067157826448, 'be': 0.03635896748170421, 'in': 0.036297053106387714, 'was': 0.028164325797017387}, {'<s>': 0.05372299671472597, 'and': 0.0440015126417723, 'made': 0.02147776545770418, 'was': 0.020722601671332417, 'recorded': 0.01721332982044608, 'that': 0.016451625802595585, 'be': 0.014674645262778993, 'is': 0.013649312208410971, "o'clock": 0.013164741234437755}, {'to': 0.4237042010146807, 'and': 0.09692563225112366, 'we': 0.08156115576813223, 'I': 0.06631791784129659, 'will': 0.06319941215941968, 'not': 0.060431779169219046, 'would': 0.04945880964420607, 'they': 0.035273200121302695, 'you': 0.03394613646981348}, {'and': 0.06600055005904051, 'of': 0.04573176154825926, 'to': 0.03740627307784408, 'the': 0.034478558933606754, '<s>': 0.019362990957125792, 'a': 0.01754170116395031, 'his': 0.016445400170589472, 'in': 0.016029573129662838, 'at': 0.015058290716771257}, {'of': 0.3268670397259435, 'to': 0.11940411305125612, 'and': 0.08581168138738415, 'for': 0.056270675457413676, 'with': 0.0561648625344922, 'by': 0.05059558041239207, 'that': 0.029655050618284363, 'from': 0.029591757318696524, 'on': 0.026826517654015437}, {'and': 0.07984464811199747, 'them': 0.03439385181047171, 'put': 0.03359908762883094, 'out': 0.030020859451655776, 'carry': 0.02436835626328801, 'was': 0.023676836539217923, 'work': 0.022865334632671652, 'it': 0.022306736031852275, 'that': 0.022137818330964606}, {'of': 0.1251622780378323, 'and': 0.06851562304702458, 'in': 0.040719327955407066, 'to': 0.03906633471322285, 'that': 0.02957900918683245, 'on': 0.0249281881366002, 'for': 0.02422637637093547, 'things': 0.01655509920241699, 'those': 0.013552355584487058}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.0980913638552565, 'of': 0.07614600545728717, 'as': 0.04356900990720166, 'that': 0.03947773869637778, 'all': 0.036500389989088375, 'but': 0.03197599009294893, 'for': 0.029742037962471837, 'so': 0.021145891760039715, 'fact': 0.015901268743819502}, {'to': 0.34620650680256043, 'will': 0.1898443104933856, 'not': 0.09319945835995577, 'may': 0.059483181090085824, 'the': 0.05434569955814368, 'and': 0.05247386822932463, 'shall': 0.051511228008984944, 'a': 0.04621114177002665, 'would': 0.04460076316529252}, {'with-': 0.07900503176503114, 'and': 0.07524313945540644, 'find': 0.07505751107698139, 'pointed': 0.06549728964621307, 'go': 0.0583720961934938, 'carry': 0.05777878917477047, 'get': 0.04821971955801191, 'brought': 0.04780053548144707, 'went': 0.04751494912618281}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'and': 0.07421777478481749, 'to': 0.048325164685926944, 'will': 0.03468383083403361, 'not': 0.032479251969036914, 'I': 0.03047992663347931, 'the': 0.029592098215775284, 'would': 0.022916281978844006, 'he': 0.022150461221068694, 'is': 0.02147001760722443}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.3900194759870723, 'of': 0.14415934636671934, 'a': 0.10138490904339839, 'and': 0.05638129691415169, 'by': 0.04974763984930889, 'for': 0.04729278634967701, 'to': 0.03734866329379835, 'The': 0.022655513378197448, 'with': 0.018588437338194416}, {'and': 0.05974090808214038, 'it': 0.05718103374306522, 'to': 0.03659846803142451, 'that': 0.028852027965872575, 'is': 0.027072996057329598, 'It': 0.020530228161535234, 'of': 0.01786512036251379, 'was': 0.017829257579174983, 'which': 0.017021601263048407}, {'the': 0.28738998835466134, 'of': 0.2631341737265592, 'his': 0.051123171141592615, 'to': 0.05004469553293167, 'in': 0.04596078175029317, 'their': 0.045580982901241386, 'good': 0.043739097153083537, 'public': 0.03605537152096178, 'perfect': 0.03305162472723352}, {'was': 0.07574243733304455, 'looked': 0.06150144600586306, 'and': 0.06088036264989181, 'held': 0.058759992129892614, 'arrived': 0.054622585538593435, 'presided': 0.04402323504455579, 'laughed': 0.04179468508886535, 'called': 0.03701179834481134, 'be': 0.03430120630304003}, {'to': 0.08842290220563094, 'the': 0.08751914767481955, 'of': 0.07156783707757676, 'and': 0.05630537115368425, 'in': 0.031863141623188325, 'be': 0.02659498626406302, 'was': 0.023427473611507862, 'that': 0.02037852688617551, 'for': 0.01966348867770327}, {'we': 0.13920465849354963, 'I': 0.10059024161318698, 'they': 0.07978146814418687, 'and': 0.07804814593511447, 'he': 0.07319935810468484, 'who': 0.06959755003255562, 'which': 0.06871258373657431, 'it': 0.06590507572776988, 'that': 0.031014141975624084}, {'the': 0.4003844851699198, 'a': 0.16346465954022532, 'at': 0.06328789767687952, 'of': 0.05117849027480936, 'The': 0.0506511020152021, 'an': 0.033182133274846586, 'for': 0.03260087625481666, 'and': 0.028312178385463935, 'tho': 0.0224054683576793}, {'the': 0.1522511463201571, 'of': 0.09157053336721196, 'and': 0.07519283507162447, 'to': 0.06936163942185535, 'for': 0.025437769266404713, 'in': 0.02511178674697422, 'be': 0.02324888726795875, 'is': 0.02045281164709818, 'was': 0.01868950220535144}, {'and': 0.011965634799672015, 'men': 0.009853792640068566, 'in': 0.009118770877809556, ';': 0.008714773492331528, 'there': 0.007495147799622531, 'to': 0.007148950179821328, '': 0.0067853840161878065, 'right': 0.00671824472278902, 'man': 0.00670865705085658}, {'of': 0.19585453805815956, 'and': 0.12049825424002583, 'or': 0.1007094836321616, 'the': 0.07081938623854997, 'about': 0.05347409287298097, 'to': 0.049896231549362416, 'for': 0.04564184149465189, 'by': 0.03653098695624663, 'in': 0.029288128074680897}, {'and': 0.09196786046644126, 'to': 0.08278839177556442, 'of': 0.07787118343588617, 'the': 0.06437228046484936, 'was': 0.04250191989065871, 'be': 0.040448351385272245, 'for': 0.0381489284259733, 'is': 0.03087774694946808, 'in': 0.029749208845732206}, {'feet;': 0.1324633904467416, ';': 0.05183817173590417, 'running': 0.04912701157855874, 'feet,': 0.048657602328227356, '2;': 0.0462541901593322, '3;': 0.03979178586548074, '4;': 0.03602746016348853, '5;': 0.031600523312718794, 'feet:': 0.03133017639775379}, {'No.': 0.1886518323595223, 'and': 0.11625324629169749, 'the': 0.08487778441391583, 'section': 0.06649404642368999, 'Section': 0.049868958628208844, 'Book': 0.04154446876118379, 'lot': 0.030077362188308764, '.': 0.02904549755697096, 'of': 0.026544191785320973}, {'of': 0.23603202636083245, 'in': 0.14169121639575757, 'and': 0.11940893543006514, 'by': 0.09729688605996542, 'for': 0.06746586346238861, 'are': 0.05601101970781971, 'In': 0.05400780507906982, 'is': 0.03935622269927668, 'with': 0.029759493588568924}, {'the': 0.16747488477049746, 'of': 0.09514863148761885, 'and': 0.06411864454492501, 'a': 0.05033968473374097, 'to': 0.04496479103207151, 'in': 0.04078847481788951, 'be': 0.019667741709608756, 'for': 0.016733348140112406, 'was': 0.01591617506278457}, {'this': 0.36588868354267107, 'the': 0.3391738703966934, 'said': 0.08766183201118853, 'that': 0.034950800376640785, 'York': 0.024426156703505716, 'a': 0.020835683016375527, 'The': 0.016706166103176122, 'tho': 0.01621712554718199, 'of': 0.015995020443217132}, {'the': 0.32177421721221167, 'of': 0.18882048932816264, 'and': 0.085405023380281, 'live': 0.0648455560025143, 'a': 0.06345850419452433, 'The': 0.050010659314209525, 'tho': 0.028269045684640934, 'capital': 0.027625798497901317, 'his': 0.026402925520080004}, {'to': 0.6300224096373842, 'and': 0.06275131708629857, 'not': 0.05114172370287291, 'will': 0.04530882840748994, 'would': 0.027661092748599715, 'they': 0.02063682870559874, 'may': 0.018998552938340074, 'shall': 0.016057983864277356, 'the': 0.015408354589020165}, {'the': 0.15904585868639332, 'and': 0.09742058181362358, 'of': 0.06939599012841768, 'was': 0.04331677384167752, 'a': 0.042407065232650504, 'be': 0.03897124397589629, 'Mr.': 0.026578206567480684, 'is': 0.02608628159953149, 'The': 0.02480986524567201}, {'the': 0.2964079083733001, 'an': 0.1546726678985511, 'any': 0.08308600204634609, 'that': 0.058465872362195845, 'last': 0.05325037519573971, 'such': 0.04571952765247004, 'and': 0.042843656707191105, 'of': 0.0399410934586137, 'a': 0.0396454310300469}, {'the': 0.18383391274572516, 'of': 0.0795610080995925, 'The': 0.07693711338930552, 'Mr.': 0.07063407577582882, 'and': 0.04954368568515078, 'that': 0.047617963182718194, 'a': 0.030078326709935564, 'Mrs.': 0.023916418750509646, 'his': 0.017168066128705386}, {'of': 0.41981316346197295, 'in': 0.11869765770343106, 'to': 0.09551103347958435, 'for': 0.07330396534610577, 'by': 0.05729408904451917, 'at': 0.049480914273047516, 'with': 0.04273474620163202, 'from': 0.0424082764572898, 'In': 0.032208379109681426}, {'and': 0.07444964535986226, 'is': 0.06918090043804057, 'necessary': 0.06639860758074445, 'as': 0.06170669121948027, 'enough': 0.055747335876270156, 'able': 0.053992703533332964, 'order': 0.049796381485304554, 'was': 0.04427029608420741, 'have': 0.043631129894843405}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'It': 0.305671479609869, 'it': 0.23272180683413618, 'which': 0.10393747682461907, 'there': 0.06520380503072334, 'that': 0.037612812728778144, 'There': 0.033679968390993895, 'he': 0.03290418919563811, 'and': 0.02603016963362587, 'who': 0.022404862927871336}, {'to': 0.2144884091568197, 'and': 0.11268856506254397, 'in': 0.06085108317463936, 'of': 0.04605772003597343, 'know': 0.044022929433108614, 'that': 0.03826704421626872, 'or': 0.03786235212191175, 'determine': 0.03515222786516808, 'question': 0.03515221935906366}, {'part': 0.07196025971506713, 'one': 0.07000355279264338, 'some': 0.04307302051471967, 'out': 0.035392916858036194, 'members': 0.02550305881294491, 'and': 0.022215776852222372, 'tion': 0.0216911631781865, 'portion': 0.020842143848213566, 'side': 0.020717751768984743}, {'the': 0.6899615917718789, 'a': 0.0708429352278454, 'his': 0.03155505332468037, 'tho': 0.02444897049400558, 'The': 0.022286763944130816, 'of': 0.021568652945583633, 'and': 0.020236797923651163, 'this': 0.01602716353854298, 'said': 0.015593645972096736}, {'of': 0.35178221416205396, 'to': 0.12827466449721775, 'in': 0.10535845259135215, 'on': 0.06078818407305487, 'by': 0.057377112291535796, 'and': 0.05576229874648643, 'for': 0.05385176130043611, 'that': 0.04533547187451788, 'from': 0.04407378708681007}, {'the': 0.720918425427449, 'a': 0.056156625969001464, 'The': 0.049626592683664504, 'of': 0.04330112267831227, 'tho': 0.03567678752735666, 'and': 0.012663841734638234, 'in': 0.00992421556409976, 'tbe': 0.009490171539860795, 'by': 0.006377831526075042}, {'the': 0.17000659576182958, 'a': 0.15853699039632277, 'of': 0.08882418503234213, 'and': 0.07862357467399148, 'to': 0.07569285306521698, 'from': 0.04993309808608447, 'is': 0.04862066071124537, 'are': 0.04197815147932493, 'electric': 0.03978617904131103}, {'to': 0.11168585805256352, 'and': 0.09745475039637513, 'the': 0.06774377915018971, 'of': 0.056301559407958356, 'in': 0.041610266424273755, 'not': 0.03930949959362253, 'I': 0.025084510256058738, 'a': 0.02154304378511124, 'or': 0.02024989706526172}, {'the': 0.18383391274572516, 'of': 0.0795610080995925, 'The': 0.07693711338930552, 'Mr.': 0.07063407577582882, 'and': 0.04954368568515078, 'that': 0.047617963182718194, 'a': 0.030078326709935564, 'Mrs.': 0.023916418750509646, 'his': 0.017168066128705386}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.09629585020916998, 'as': 0.07088798217023398, 'able': 0.059182060408562866, 'order': 0.053902908908474954, 'began': 0.05044802312827359, 'enough': 0.05018355929169849, 'time': 0.041949525322189325, 'right': 0.03482091434458896, 'going': 0.03225230531390441}, {'I': 0.17053260052273547, 'they': 0.0694782067670251, 'he': 0.06830822332091938, 'and': 0.04846488487706374, 'we': 0.047147196390173646, 'that': 0.030396237097444333, 'it': 0.0283888923467126, 'We': 0.025479916026317394, 'who': 0.021973490863498497}, {'the': 0.44230858158268355, 'court': 0.13453284773742638, 'a': 0.0866953912260931, 'The': 0.036949657125923775, 'his': 0.036073421363386676, 'school': 0.033348927502168405, 'tho': 0.025288777366883442, 'dwelling': 0.018909975484282936, 'opera': 0.017160839267026638}, {'the': 0.1665120464321215, 'a': 0.1307037942804145, 'was': 0.11473771137761707, 'is': 0.10862929294572995, 'are': 0.0836553877546878, 'be': 0.06678870229604802, 'and': 0.06316915700208087, 'were': 0.05831466859656924, 'his': 0.04502739962873707}, {'his': 0.08624794620264134, 'the': 0.07194894086817692, 'her': 0.05446959153972501, 'John-': 0.044559328464909564, 'sea-': 0.033389326558713746, 'Jack-': 0.027458231636099017, 'of': 0.024990794306881243, 'per-': 0.02430043975954677, 'per': 0.022617699675709212}, {'and': 0.2538956635697288, 'that': 0.09219996202466468, 'but': 0.08409262224263182, 'But': 0.034021674893632545, 'time': 0.030940672155073366, 'And': 0.024893847466537812, 'or': 0.019057778441838782, 'even': 0.017747026414049814, 'day': 0.013880817050588475}, {'and': 0.13649546291801679, 'the': 0.09193548743495374, 'a': 0.053452112222116814, 'of': 0.04522682859571416, 'to': 0.04031210870207652, 'in': 0.03844701812039021, 'I': 0.030926724199723643, 'will': 0.02750639353840911, 'for': 0.02122298610151246}, {'the': 0.3713433967561657, 'this': 0.1590733007789663, 'a': 0.1017681561216259, 'any': 0.04587881374627522, 'his': 0.041021758222094765, 'good': 0.038205103527587145, 'same': 0.036389544828435746, 'no': 0.03365629648926262, 'of': 0.03249344770775789}, {'a': 0.2933653516524655, 'the': 0.29026463712451894, 'his': 0.08382130837449255, 'and': 0.06515631511320334, 'The': 0.04392889661208811, 'her': 0.03188078800551436, 'my': 0.023376177989625883, 'their': 0.022733923636505907, 'no': 0.02200347044033959}, {'and': 0.12882574131528926, 'according': 0.08440384151598777, 'as': 0.06692573668289478, 'went': 0.05983964153029064, 'go': 0.05539381130554101, 'subject': 0.0501872124442606, 'them': 0.035666956351201, 'or': 0.03384807844894838, 'addition': 0.03049517228487167}, {'up': 0.02844005940759335, 'in': 0.01494321049430183, 'him': 0.013141194023309556, 'them,': 0.011954580788068964, ';': 0.011615359648752743, 'it,': 0.01117183089038268, 'time': 0.011130973524122048, 'down': 0.009798104752347098, 'out': 0.009555969710060494}, {'and': 0.1762700099458686, 'was': 0.1509590838120661, 'is': 0.14017885712898784, 'are': 0.09879794429188421, 'be': 0.04815666495088869, 'were': 0.04508777083042779, 'not': 0.04366276516043078, 'been': 0.04250724990758963, 'or': 0.04095527206850439}, {'and': 0.08598895695904382, 'that': 0.032781423151235126, 'was': 0.029770175262802376, 'made': 0.02438145170049194, 'is': 0.02321226965727088, 'as': 0.02024736655018693, 'it': 0.01941644454484253, 'up': 0.018886304164843454, 'but': 0.017533742159724447}, {'not': 0.3609066143278835, 'has': 0.1613192933107591, 'have': 0.10457589421579373, 'had': 0.0643974522966586, 'as': 0.06141711409988099, 'and': 0.05621958966389292, 'is': 0.029957791056434566, 'which': 0.01909985767472114, 'it': 0.016856623259728674}, {'the': 0.3655485018353278, 'said': 0.20256338400297466, 'a': 0.04866849077070839, 'of': 0.046095641647872276, 'this': 0.032640054542279875, 'his': 0.030360235032414185, 'tho': 0.021209322157249536, 'in': 0.01421610602631673, 'their': 0.01290098938183686}, {'and': 0.20566104362336599, 'the': 0.056327069504570726, 'I': 0.04037057548719351, 'was': 0.0382424809660255, 'had': 0.028977638362716437, 'is': 0.028488959244825602, 'he': 0.02722924171106778, 'have': 0.02424338723604306, 'that': 0.021714560290989504}, {'virtue': 0.07372054838507916, 'out': 0.0643582522520695, 'part': 0.03907743667416268, 'one': 0.035272612243984924, 'quarter': 0.03209168295079266, 'favor': 0.02368434909271157, 'result': 0.023120733291221517, 'guilty': 0.022440380223500818, 'means': 0.021974823725644504}, {'the': 0.22900254563855538, 'our': 0.154356445452561, 'their': 0.1335733544950746, 'of': 0.10693235006293315, 'and': 0.08611402583343589, 'his': 0.06585621474768076, 'in': 0.05319013161717492, 'its': 0.026110033459789062, 'my': 0.02476269644864783}, {'one': 0.05372797555844283, 'on': 0.018448827046846854, 'receipt,': 0.017441640261236617, 'two': 0.01736233453855145, 'person': 0.011221486781774056, 'law': 0.01046614076271095, 'and': 0.010404399773763059, 'day': 0.009660775557424943, 'man': 0.00938102341407236}, {'the': 0.1470410408636752, 'of': 0.12544892405495547, 'on': 0.07327071425203717, 'to': 0.05445087159356749, 'and': 0.046915760836599346, 'in': 0.036716223088155885, 'by': 0.029727689494635456, 'a': 0.026867565100438747, 'for': 0.026073503936629928}, {'amount': 0.1311741859996882, 'number': 0.11838745190065435, 'power': 0.05544923571002914, 'out': 0.047753888821538186, 'piece': 0.041833899726025275, 'board': 0.040470625062963256, 'state': 0.03888538919403703, 'place': 0.035494592150002474, 'plenty': 0.03200079886198414}, {'the': 0.871350576876068, 'tho': 0.03481101133229776, 'The': 0.030423701781014063, 'tbe': 0.013070008096228034, 'and': 0.008636689083640155, 'this': 0.005161773586875592, 'its': 0.0050792570260655475, 'their': 0.004246420723740369, 'of': 0.00392578230800553}, {'the': 0.4629768609284729, 'of': 0.1254682049078414, 'his': 0.0461228443289827, 'their': 0.04094919439995198, 'in': 0.03745503629920048, 'a': 0.0319638402376432, 'our': 0.03101712629392067, 'and': 0.03095790890300482, 'all': 0.02639702333608715}, {'the': 0.1499700526680482, 'of': 0.1344781627632399, 'sai': 0.10280471323574597, 'in': 0.06130504197064875, 'a': 0.06114376392813119, 'and': 0.040901365397254745, 'New': 0.03949537494093766, 'an': 0.023777999686519186, 'to': 0.01890784778148007}, {'<s>': 0.10996680881062801, 'it.': 0.022715239786101113, 'them.': 0.015864100020771002, 'country.': 0.010124873264486968, 'time.': 0.009685923087636116, 'him.': 0.008989567654645111, 'years.': 0.008657703776495272, 'of': 0.0084274504112497, '.': 0.008221754999310478}, {'to': 0.28206472238523334, 'has': 0.1532931508349345, 'had': 0.10219879186954577, 'will': 0.09408743729802495, 'have': 0.08785416768493555, 'and': 0.08746153638298251, 'would': 0.05576325111949281, 'shall': 0.03478948291310165, 'may': 0.03164013703659784}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.23731740593352088, 'to': 0.18950160358692605, 'in': 0.13172431849670208, 'for': 0.09342262149968061, 'with': 0.0694283790874, 'on': 0.05153504084282839, 'from': 0.03596468883044976, 'by': 0.02710776454566004, 'In': 0.025154672102836114}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'of': 0.25918893392043973, 'to': 0.12915743730000886, 'in': 0.12830275450166018, 'with': 0.08612546687518888, 'and': 0.07777986518702654, 'for': 0.05062066975953593, 'all': 0.04901005900181061, 'on': 0.046248100731256035, 'by': 0.030220035159034504}, {'not': 0.28803653200754, 'to': 0.18970631153790918, 'I': 0.14612758165416795, "don't": 0.09053267328799272, 'we': 0.07410849700704733, 'you': 0.06117317527399998, 'We': 0.03957734711854636, 'they': 0.03314344208476051, "didn't": 0.030785612618427494}, {'the': 0.14235633927184035, 'of': 0.10715352605960132, 'to': 0.08187723844603409, 'and': 0.051454346345306816, 'in': 0.04963638067676571, 'at': 0.04419873378352419, 'a': 0.03253060897588079, '.': 0.021912507872942744, 'for': 0.019670260104610756}, {'and': 0.1980386940662532, 'is': 0.04000931415388755, 'or': 0.03488505285915653, 'but': 0.03387429963631217, 'be': 0.027654516939843842, 'was': 0.026622192394045383, 'not': 0.02651180118928413, 'that': 0.022854840943674393, 'done': 0.02271418030186465}, {'they': 0.16715636275641022, 'who': 0.09944763175022961, 'we': 0.09109607331764052, 'which': 0.08782158743711964, 'there': 0.07623890797297972, 'that': 0.05350010556702585, 'They': 0.04542762103976526, 'and': 0.04383951556600439, 'We': 0.043757667832056896}, {'the': 0.16697856281541437, 'of': 0.1003339393685195, 'and': 0.06984882915458458, 'a': 0.04488922607479607, 'to': 0.04088830265533055, 'his': 0.02565176292788663, 'be': 0.024770586036043842, 'my': 0.02346016304184917, 'I': 0.02178897985406721}, {'the': 0.6496753941733572, 'a': 0.10662082566346036, 'and': 0.05194422165748747, 'The': 0.033015136314991866, 'tho': 0.029533923611263925, 'in': 0.02821565977574018, 'al-': 0.02033903148690901, 'of': 0.016045253751558686, 'our': 0.014034778502175044}, {'of': 0.3547459630639439, 'in': 0.14268483546184949, 'to': 0.1005170865493571, 'by': 0.08141969389245508, 'for': 0.05687449759592407, 'that': 0.054022461530116556, 'and': 0.048256768038540024, 'with': 0.038900972474053885, 'on': 0.038197260748141}, {'the': 0.41528125318726705, 'of': 0.21773899238885058, 'a': 0.07742492340651698, 'for': 0.06821181647345939, 'in': 0.059298055280973455, 'our': 0.04344971365615527, 'and': 0.027975860245501926, 'with': 0.026074809596599566, 'The': 0.02188776209857057}, {'to': 0.6759961756763393, 'not': 0.08587670264130409, 'will': 0.052125335979705215, 'would': 0.04468048363171567, 'and': 0.03244506239288031, 'can': 0.028590051875134782, 'could': 0.017882940442436237, 'should': 0.017535081116664346, 'may': 0.01633770816086038}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.13000086357743965, 'of': 0.10172319539487386, 'to': 0.0740220059620441, 'and': 0.06391326930230466, 'a': 0.05092121894421571, 'in': 0.031140950375687343, 'by': 0.025757107123487413, 'or': 0.024531832540036762, 'that': 0.02255190144054466}, {'and': 0.12164366800772691, 'make': 0.10193349588885368, 'for': 0.07151076812711187, 'that': 0.07086528168187567, 'of': 0.060438065013385237, 'with': 0.05966777610085093, 'to': 0.045309236097533054, 'give': 0.04380605550302178, 'but': 0.03942412676866602}, {'was': 0.11615397267753122, 'be': 0.08565864419106402, 'he': 0.07975138616361409, 'and': 0.06364957897248158, 'been': 0.058494082182776935, 'had': 0.05046381645717367, 'is': 0.050334640661194634, 'above': 0.048329026995430326, 'has': 0.04318479992111542}, {'of': 0.2595385328007793, 'to': 0.12793536687664717, 'on': 0.08464883457017844, 'by': 0.07858176555509781, 'in': 0.07416912833694608, 'with': 0.0741027504003665, 'and': 0.05910441029484529, 'that': 0.05499271910056974, 'from': 0.038500035393715444}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'the': 0.7007162722988388, 'this': 0.07161044474877973, 'tho': 0.03018771247701021, 'The': 0.026418237011683058, 'to': 0.025779103014580026, 'our': 0.02220127379464981, 'and': 0.020818628367843, 'that': 0.015032313314103447, 'any': 0.014969620990069701}, {'<s>': 0.10409257247658191, '.': 0.01629472685788161, 'it.': 0.013349865086300842, 'them.': 0.01024467723845651, 'day.': 0.006642913671782783, 'him.': 0.006125928323822358, 'time.': 0.006115328645492451, 'of': 0.005993793787391952, 'country.': 0.005459360659878668}, {'to': 0.45525630586375876, 'the': 0.1142975247454135, 'a': 0.0790092845060028, 'and': 0.04353116382078539, 'will': 0.03797194332798893, 'of': 0.03242729238676371, 'in': 0.02547046576361376, 'could': 0.019334608438966904, 'can': 0.018536383687239855}, {'covered': 0.1010649726357672, 'filled': 0.083792248070389, 'together': 0.07161169926644757, 'and': 0.060191482840146, 'up': 0.05202285812892737, 'charged': 0.028269310694628794, 'loaded': 0.023583474870830328, 'thence': 0.021373750079974697, 'down': 0.02133623021993509}, {'as': 0.07235092408933609, 'up': 0.06507596905460321, 'and': 0.05284878265880843, 'back': 0.03500987759711587, 'down': 0.030791504249078082, 'went': 0.030364760458300888, 'came': 0.027069474901397883, 'according': 0.026801631512238182, 'regard': 0.026508511490470395}, {'amount': 0.09850588767817933, 'number': 0.08835515627661183, 'out': 0.0674166845832366, 'point': 0.0654377735209878, 'time': 0.06522799242041102, 'plenty': 0.04573167773770417, 'deal': 0.034009678696859134, 'means': 0.031974127873658414, 'thousands': 0.0318365373771274}, {'the': 0.3186698714918219, 'a': 0.08599258089608958, 'and': 0.07537025137860968, 'of': 0.05219241218803909, 'in': 0.030492189113505274, 'to': 0.02802363815609165, 'The': 0.026455147084286493, 'tho': 0.0204350741767319, 'by': 0.013073239774033374}, {'the': 0.21729853261454898, 'of': 0.12759261053717558, 'young': 0.08255760799381376, 'two': 0.062416095644148864, 'and': 0.06132817146774206, 'The': 0.03850659921329753, 'good': 0.02658282832344145, 'three': 0.026101197688553356, 'our': 0.022664973270040575}, {'to': 0.41596882248772393, 'will': 0.10752956135781631, 'had': 0.08781387203620948, 'have': 0.07156464087234461, 'has': 0.06261387703971723, 'be-': 0.062414365246135105, 'would': 0.05140242486241388, 'not': 0.042273327394315975, 'and': 0.03526196262542012}, {'and': 0.07797922340094694, 'as': 0.06635416264528757, 'is': 0.05706093891184032, 'right': 0.05205697730521648, 'him': 0.04506351024012424, 'able': 0.04106328996195283, 'time': 0.040609831178398344, 'them': 0.03389124817843382, 'enough': 0.033651050682940616}, {'the': 0.4202222436859164, 'Supreme': 0.1756335221578746, 'said': 0.05459419817221607, 'Circuit': 0.03772848150076513, 'this': 0.03736382051553842, 'Police': 0.03663505019279727, 'District': 0.035935604588541566, 'tho': 0.03283966750676855, 'The': 0.029848600839836332}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'they': 0.1989495149504674, 'who': 0.1232778718516643, 'which': 0.06510644194334131, 'and': 0.0614631836529726, 'we': 0.05601439548374614, 'there': 0.042941861383127194, 'They': 0.04110942812354146, 'that': 0.028410023501393673, 'you': 0.02531028332423837}, {'of': 0.31777714656694533, 'for': 0.14022118014340215, 'by': 0.08809746885353897, 'in': 0.08483315781373424, 'that': 0.07169588464730672, 'to': 0.06514710732283846, 'and': 0.06507049625050979, 'with': 0.042875780219804, 'all': 0.037809502198517295}, {'the': 0.12545143145689347, 'of': 0.10652173780067636, 'and': 0.09090578547883303, 'to': 0.07359743162089935, 'in': 0.039258717717165985, 'a': 0.03429903952672997, 'for': 0.028949770569716652, 'or': 0.021401545307427515, 'four': 0.017841860942133733}, {'the': 0.15451121861245773, 'of': 0.11427931871926032, 'in': 0.10326691356082915, 'and': 0.06753128142112623, 'to': 0.05627105745208002, 'for': 0.04614157907183308, 'a': 0.043399583064407166, 'In': 0.028300438900892916, 'that': 0.027822817429018237}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'is': 0.09121382491457317, 'not': 0.06318487211730361, 'able': 0.06313978609201978, 'time': 0.05582651720338191, 'right': 0.04929755638519439, 'have': 0.04681594094389883, 'him': 0.04587673621125244, 'enough': 0.043699848658271964, 'and': 0.0428766096140011}, {'and': 0.25720961866285197, 'was': 0.12961453238056947, 'is': 0.11296837314584404, 'are': 0.07108735391412743, 'but': 0.06230158942772193, 'were': 0.05904061522011706, 'He': 0.03147798948267028, 'be': 0.020316240709252566, 'has': 0.019425438359956134}, {'of': 0.17073412573175056, 'and': 0.10130600420038718, 'is': 0.09609783248126737, 'with': 0.08966745934486353, 'to': 0.08312329738279389, 'by': 0.06740118293332756, 'as': 0.06539615479773397, 'in': 0.062152089602102605, 'for': 0.05969526347807965}, {'of': 0.32859988606471363, 'in': 0.09486807321608874, 'and': 0.0747048768084494, 'with': 0.07247729875558674, 'for': 0.0668267358112014, 'to': 0.06387928404233359, 'that': 0.05396697576785513, 'by': 0.04298774684079588, 'almost': 0.04039499679762348}, {'of': 0.28053561585893705, 'that': 0.10703725845707789, 'and': 0.10555462603391198, 'to': 0.09368643905364442, 'in': 0.08736409384053939, 'for': 0.06582483050803645, 'by': 0.050486069270403805, 'with': 0.0380813875449759, 'as': 0.030151891836104377}, {'to': 0.19592448003130375, 'of': 0.1794892605414232, 'the': 0.1439647294364216, 'in': 0.11726783932518015, 'a': 0.04890992303141253, 'and': 0.04742998503585133, 'his': 0.040360068649891535, 'for': 0.038924557979453094, 'I': 0.030757180930758663}, {'It': 0.12856690220475173, 'that': 0.06775418743265246, 'it': 0.06552203100179156, 'which': 0.06203279579123458, 'there': 0.05610363999365557, 'This': 0.03879850861642208, 'and': 0.0324271278920198, 'he': 0.024907862393472036, 'this': 0.019549910600775662}, {'fifteen': 0.11642176922082488, 'hundred': 0.10762607355829858, 'twenty': 0.08420815688275538, 'ten': 0.07395755449744386, '100': 0.06915712086044314, 'six': 0.062082811970482495, 'eight': 0.05560283876350656, '50': 0.05492925079377627, '30': 0.0413923513085983}, {'more': 0.08829049544066919, 'person': 0.04150623236335591, 'one': 0.03149054247444232, 'man': 0.03063552541468043, 'law': 0.026296605883277896, 'whether': 0.015197084831093065, 'action': 0.014439213294093744, 'right': 0.014083921787660401, 'time': 0.013711652714098771}, {'the': 0.638624463762942, 'and': 0.08366082441016258, 'The': 0.053065854183904755, 'tho': 0.03960981663079091, 'in': 0.03090123783738051, 'a': 0.023931796673617684, 'great': 0.022858615323735714, 'of': 0.02036306044505562, 'his': 0.014940809051044978}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'it': 0.11752313831304691, 'they': 0.11668715689963965, 'he': 0.08074562961792994, 'which': 0.06553849381309762, 'you': 0.056422116811336846, 'as': 0.05492539386056629, 'we': 0.054882144493054494, 'who': 0.05462680089168146, 'that': 0.053172169770141955}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'there': 0.17075806042652367, 'they': 0.10071497224257572, 'you': 0.0678377476047039, 'who': 0.06408755109802357, 'which': 0.0624147434319625, 'that': 0.06206362426682147, 'There': 0.051976836807283565, 'and': 0.05023135500800727, 'we': 0.0449995315844638}, {'the': 0.22152908922107623, 'and': 0.11775619864276324, 'to': 0.101830056062043, 'a': 0.08885427599978785, 'of': 0.08315011955978555, 'be': 0.050465238931425675, 'his': 0.037415073774885066, 'was': 0.0357382763774651, 'The': 0.03284724276897837}, {'to': 0.5652067104336808, 'the': 0.16001017602474546, 'and': 0.04764591754959345, 'that': 0.03126101322678881, 'this': 0.030425272532895554, 'which': 0.02401742423094283, 'of': 0.022924251906880723, 'a': 0.017883467199437036, 'To': 0.010202134898968923}, {'and': 0.06768249648771371, 'closing': 0.05038441006242118, 'was': 0.030106359721431927, 'valued': 0.02402480983540195, 'held': 0.021992507596520498, 'sold': 0.020844680257419507, '2': 0.02033818480455847, 'is': 0.020075600303976093, 'arrived': 0.019016818863824298}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'well': 0.09758908490654243, 'and': 0.07686196904521506, 'far': 0.05889884359734769, 'such': 0.043671255314993294, 'much': 0.03257480568187979, 'just': 0.030389595550272725, 'but': 0.0292766965224372, 'so': 0.029118766521568366, 'it': 0.028978006346435017}, {'the': 0.11351219044727526, 'and': 0.08604483638809167, 'of': 0.06776366009844341, 'to': 0.047136723892506144, 'in': 0.024338160658430526, 'that': 0.02193473756605346, 'said': 0.021559305887873692, 'for': 0.019918362359278432, 'his': 0.019758196558086426}, {'of': 0.5045366485111221, 'in': 0.1919692111203629, 'to': 0.06088270918070736, 'that': 0.04741004300635479, 'In': 0.04339165026226389, 'for': 0.035374265010645146, 'by': 0.022602062781508225, 'and': 0.021647177549829255, 'from': 0.017372964078290653}, {'was': 0.20194019286461537, 'be': 0.15301978442335887, 'been': 0.10186668184772983, 'is': 0.08414370961192032, 'were': 0.0647955127619084, 'and': 0.04306062108354536, 'are': 0.03976874695132076, 'have': 0.036790146061387335, 'had': 0.03652268242500735}, {'the': 0.10461369552861839, 'and': 0.07316486006220607, 'of': 0.054091245748652386, 'to': 0.04574833677787237, 'in': 0.033405688055404434, 'at': 0.02406393261069155, 'was': 0.022493013264126945, 'is': 0.022260991287372862, 'that': 0.021933060305432177}, {'the': 0.5014103248151511, 'and': 0.08762385386503943, 'a': 0.08752296083498792, 'The': 0.056353393943970126, 'tho': 0.027249306937178083, 'of': 0.026610253952902858, 'to': 0.018465336868033616, 'at': 0.015267800012155998, 'this': 0.01352054029397605}, {'Mr.': 0.08406299848163719, 'A.': 0.08197629535980883, '.': 0.08064093568624042, 'John': 0.048716783016136696, 'of': 0.04777275010644055, 'Mrs.': 0.036898136522170416, 'and': 0.035708067074500624, '<s>': 0.031115454401427205, 'C.': 0.025816227924091606}, {'the': 0.569953338085824, 'The': 0.09118447859467932, 'and': 0.07262794092699437, 'a': 0.0442084656310733, 'said': 0.03502043336202305, 'tho': 0.03309667321414074, 'if': 0.03298732105838808, 'of': 0.02916202301820732, 'that': 0.02331522074657372}, {'of': 0.15171125628731963, 'to': 0.08844015072116647, 'that': 0.08745259574272571, 'and': 0.08600316314825811, 'in': 0.04478626169438844, 'on': 0.04292835401133755, 'for': 0.041822830780375866, 'was': 0.0376167538928124, 'with': 0.037394705460417406}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'any': 0.280419021233901, 'a': 0.25904047381161294, 'the': 0.14200417761280312, 'no': 0.06773379475648642, 'Any': 0.06366196849989335, 'other': 0.04156581234103463, 'every': 0.03955836092863961, 'some': 0.033158531692824726, 'of': 0.03000249728788487}, {'to': 0.11495506970688947, 'and': 0.0918393574270878, 'of': 0.05425215205235922, 'the': 0.038148505989931185, 'is': 0.033204246463063636, 'in': 0.0295109246546491, 'was': 0.028580498797366398, 'con-': 0.02505349819126404, 'will': 0.023876091631703095}, {'the': 0.14751985477259794, 'of': 0.1234529613141616, 'and': 0.08866608990786469, 'to': 0.04906037097428653, 'in': 0.03711246987204174, 'be': 0.03485765677440947, 'for': 0.03403701535571172, 'their': 0.029047307049192693, 'was': 0.026549748110598764}, {'and': 0.29846729395412414, 'was': 0.12019898241905128, 'as': 0.06995088419334759, 'is': 0.06223725646123372, 'he': 0.05599684924370654, 'be': 0.05238011399886748, 'not': 0.04630400646698195, 'that': 0.04409308945794283, 'to': 0.03957051073256025}, {'a': 0.27705185701399593, 'this': 0.19870015014927178, 'the': 0.1672866533758399, 'to': 0.14837241443547478, 'last': 0.051960685741689036, 'next': 0.03722740854902549, 'his': 0.02613402805660934, 'that': 0.02453629437977996, 'and': 0.023300317192293023}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'and': 0.20773122473010913, 'to': 0.11791293799380619, 'not': 0.03864917655660312, 'that': 0.028669626964973563, 'or': 0.027268642185432585, 'who': 0.02632755297961615, 'of': 0.025833169924934965, 'will': 0.025426991329114343, 're-': 0.02448046511896117}, {'as': 0.15674047011676304, 'and': 0.09573045662278261, 'is': 0.06732353493025475, 'order': 0.04925915090954643, 'necessary': 0.04715278549361508, 'time': 0.04567188463443108, 'not': 0.043806222691774505, 'right': 0.04353295783869606, 'enough': 0.041767857913422024}, {'the': 0.20177941421025597, 'his': 0.15686633670874678, 'our': 0.15428216343704176, 'a': 0.10803264904145289, 'their': 0.0832985366560558, 'of': 0.05815133667534982, 'her': 0.05507535188099041, 'my': 0.04837015202308362, 'other': 0.043041419679257446}, {'part': 0.04139594573037118, 'one': 0.040935771721432875, 'out': 0.03504881309528068, 'side': 0.028573588340064772, 'line': 0.020541028346629332, 'amount': 0.01970756072198098, 'all': 0.019540447438744727, 'and': 0.018360515617145724, 'tion': 0.016201609268176997}, {'Los': 0.8382162621388014, 'the': 0.028017238851633576, 'and': 0.017414508382795395, 'of': 0.016246759425914314, 'com¬': 0.0026646242443054413, 'to': 0.0023417005754372646, 'com-': 0.0022970223327502225, 'all': 0.0020505877489559944, 'these': 0.0016068553988787787}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.10825968772636711, 'of': 0.06984459126510656, 'and': 0.04049792400991277, '.': 0.03823389734906266, 'a': 0.037529938986848636, 'to': 0.023791757470354037, 'at': 0.015067911392130116, '<s>': 0.014888479534156047, 'in': 0.014762011845029007}, {'A.': 0.5386999606399253, '.': 0.11610841543289996, 'Mrs.': 0.05194044028887071, 'J.': 0.04675864610269531, 'W.': 0.03549279156209967, 'S.': 0.034152100662959844, 'M.': 0.030684120880262525, 'C.': 0.028337695238078175, 'N.': 0.027439135085516896}, {'I': 0.12388733377359684, 'they': 0.08273968970097574, 'it': 0.0810871113615716, 'and': 0.08077102236134384, 'you': 0.08007772195503425, 'he': 0.07759557786427733, 'which': 0.06750615370350137, 'that': 0.06660440202677026, 'we': 0.03709011143389011}, {'to': 0.27269574041590844, 'that': 0.0879325295331681, 'may': 0.07657510327172005, 'can': 0.0756247441081353, 'will': 0.0720445484685073, 'not': 0.07191257522513243, 'should': 0.04783577715737553, 'must': 0.03784884095436913, 'could': 0.03511574886983118}, {'the': 0.1825997352616386, 'south': 0.17098119270319453, 'north': 0.14611221161179103, 'east': 0.13179144166176768, 'west': 0.1162287869441359, 'one': 0.055928356674835034, 'other': 0.04642548511625882, 'either': 0.029232648752465413, 'a': 0.025760172727703964}, {'provisions': 0.08073715935827591, 'copy': 0.0736391560682133, 'date': 0.06126785618911646, 'part': 0.060156443727493014, 'one': 0.05072927588670638, 'out': 0.046544744589770135, 'people': 0.04379595747442379, 'publication': 0.03754965700161905, 'members': 0.02629976277855684}, {'the': 0.26703289940088265, 'of': 0.09018876315032456, 'public': 0.0719747097557882, 'Sunday': 0.06679523793827345, 'high': 0.06496072590439923, 'The': 0.06227904740297838, 'this': 0.056670615227490145, 'a': 0.04747337233530781, 'that': 0.04221589006492842}, {'and': 0.10444785626770983, 'as': 0.03853824594254317, 'of': 0.03387533743960032, 'to': 0.027496108120026428, 'or': 0.025967203614775506, 'the': 0.023687433373949855, 'that': 0.023330111588640946, 'it': 0.02122627724459906, 'in': 0.019473944057389513}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.277069539807419, 'said': 0.14528451529172756, 'of': 0.1290940341844197, 'and': 0.07294284802705123, 'such': 0.0578721972123482, 'The': 0.05179264996846713, 'that': 0.02577721021970346, 'or': 0.02060206113645041, 'this': 0.018416489417958003}, {'the': 0.2607052425779494, 'he': 0.10210357440208202, 'a': 0.10043861686361728, 'I': 0.09839180205098487, 'and': 0.09596113316632897, 'was': 0.06104699331017598, 'be': 0.04298764226041502, 'never': 0.041183620281805645, 'is': 0.035766247067465985}, {'it': 0.2805690418208928, 'It': 0.2363124784273309, 'he': 0.0629748284234687, 'there': 0.06126116071220106, 'which': 0.053441398845770614, 'that': 0.04325580006896462, 'this': 0.03111888072939823, 'This': 0.03022847590789958, 'and': 0.030070974601292245}, {'of': 0.11090197928162787, 'to': 0.10697508640949514, 'and': 0.10366796522821362, 'the': 0.07930305696119773, 'in': 0.07081267524803626, 'for': 0.03778020686419601, 'that': 0.030741606380365473, 'or': 0.022978153852111504, 'In': 0.02272277614810856}, {'of': 0.31774246877764944, 'this': 0.13283731881060737, 'in': 0.09936519110518867, 'the': 0.08727967101338523, 'that': 0.0685845533925318, 'said': 0.03896789489347481, 'to': 0.035145467227046145, 'In': 0.019888090643954567, 'and': 0.019077223672117397}, {'feet;': 0.12310541688550497, '2;': 0.09793729639988441, '3;': 0.089123331489572, '4;': 0.08567072618580936, '5;': 0.05866958912914992, '6;': 0.042346733639624254, '7;': 0.039729607540508236, ';': 0.03329497888999309, 'feet,': 0.029978023435755004}, {'of': 0.17989410120897384, 'and': 0.15322849388666024, 'in': 0.14453849378196681, 'that': 0.09324698095257238, 'to': 0.07007609377887641, 'on': 0.06888409918060885, 'nearly': 0.047259290519025735, 'by': 0.04645209041681809, 'with': 0.04385019418949296}, {'that': 0.23501461232282775, 'and': 0.13635326296404035, 'which': 0.09529501379258655, 'as': 0.08970776788927008, 'but': 0.05331569757656243, 'what': 0.04914811763238477, 'when': 0.04359260051327425, 'if': 0.04051971808112922, 'If': 0.025167944284125204}, {'the': 0.31174910301209796, 'of': 0.11006368770873931, 'two': 0.059256032611783915, 'three': 0.058654514448210654, 'several': 0.0496475081671017, 'a': 0.04960694726598415, 'their': 0.0446642259009115, 'other': 0.04461669453382412, 'for': 0.041802819575184044}, {'one': 0.09164256515269945, 'part': 0.066753159213866, 'some': 0.050694417972555715, 'out': 0.04895490147929289, 'all': 0.03198059071123775, 'portion': 0.02799964274031476, 'any': 0.023061308494494337, 'much': 0.02188314312596853, 'that': 0.02137507608911666}, {'the': 0.36489232377540703, 'this': 0.09105450357099648, 'The': 0.08680763405143452, 'National': 0.08352310561929693, 'State': 0.07126144585825603, 'said': 0.04998142436194835, 'that': 0.03166853326645061, 'City': 0.029734375210784918, 'a': 0.027315551472154944}, {'southeast': 0.2033136847061402, 'the': 0.17637582042083422, 'northwest': 0.14842491131935587, 'northeast': 0.1259893338206706, 'southwest': 0.06639713807308621, 'a': 0.04677513301973459, 'east': 0.03291122736824136, 'west': 0.03268493893805006, 'and': 0.019591615762370354}, {'two': 0.16183651849759056, 'few': 0.1053813219118253, 'four': 0.09996794370643208, 'many': 0.0980359985312283, 'ten': 0.0958563361897652, 'three': 0.081992765341313, 'five': 0.07012395144306588, 'twenty': 0.06989682077388282, 'of': 0.0588658208659649}, {'the': 0.28418356648230736, 'this': 0.14447839746812807, 'a': 0.12022850586293321, 'The': 0.08090062768042808, 'his': 0.06775498928549799, 'that': 0.05785733320899576, 'our': 0.04268949623093717, 'one': 0.03393755281542889, 'said': 0.030937330738267165}, {'up': 0.01798285708051486, ';': 0.011505862477744619, 'him,': 0.010354204605333893, 'hundred': 0.010187734936798861, 'him': 0.009873043484177323, 'made': 0.009789421044361478, 'time': 0.008264181753420781, 'them': 0.007916155433417612, 'them,': 0.007568635647882288}, {'.': 0.07154450320689038, 'of': 0.05780856699034239, 'and': 0.05328452370714102, 'the': 0.04619228668485428, 'by': 0.02920939676642135, 'H.': 0.02427936857289862, 'Mrs.': 0.023804438608708144, 'J.': 0.023313754737778733, 'to': 0.020940975113276562}, {'two': 0.27508951374737534, 'few': 0.1475225060248624, 'six': 0.07777343010775957, 'three': 0.07114201471511619, 'several': 0.06551417511017911, 'four': 0.057668196199762406, 'twenty-four': 0.04735992689178124, 'five': 0.04270846275504799, 'eight': 0.041743997853221616}, {'he': 0.2597170196438076, 'I': 0.16842973199508024, 'who': 0.09640217700282479, 'they': 0.08191870586490217, 'she': 0.056454348880455085, 'which': 0.03561364428500597, 'we': 0.03523184619103758, 'He': 0.0347434075517147, 'and': 0.03258091005812576}, {'set': 0.3716481494027064, 'not': 0.04930763247701525, 'lay': 0.02982873039929, 'laid': 0.028862608386201673, 'setting': 0.028318515086141843, 'put': 0.02224875238097001, 'and': 0.020790049006230524, 'to': 0.017276787210267222, 'brought': 0.013441829897861227}, {'the': 0.1804435058124581, 'of': 0.08964981171251785, 'and': 0.07796336471958432, 'a': 0.04240129500053345, 'that': 0.041934133964904585, 'The': 0.028662501582764493, 'in': 0.027988900498843387, 'no': 0.024394619839738462, 'Mr.': 0.024076003649587452}, {'and': 0.11778357231283144, 'the': 0.10184825692558065, 'of': 0.08107278194817412, 'to': 0.06281802832097755, 'be': 0.042907547010953756, 'was': 0.04079895339062549, 'in': 0.036434770229006985, 'is': 0.030261622507787914, 'are': 0.024574126802673107}, {'that': 0.2427364390584016, 'and': 0.17567667455870634, 'which': 0.11449105745915503, 'but': 0.07451793995161173, 'as': 0.0595104598245572, 'when': 0.050599299309533545, 'to': 0.030072104029335696, 'where': 0.028961870629075893, 'if': 0.026005098381613138}, {'in': 0.37956222737701745, 'of': 0.12750027036440334, 'In': 0.08321559471633243, 'to': 0.07719283621903085, 'for': 0.052696155526818174, 'and': 0.04695892744589996, 'with': 0.04555254702334224, 'at': 0.03599311817839794, 'have': 0.02831718777123735}, {'one': 0.08921751374425257, 'out': 0.07112379952092995, 'part': 0.06167381209166008, 'some': 0.04424357509516522, 'account': 0.04386179152489113, 'any': 0.030316516135152728, 'all': 0.02652981212233094, 'that': 0.02551031471747086, 'tion': 0.022119047941123286}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'one': 0.07746741696919243, 'part': 0.059999007883393685, 'out': 0.05286983322023436, 'some': 0.0314300440992501, 'side': 0.02738491743669496, 'end': 0.025827427938256303, 'members': 0.025056059509581032, 'portion': 0.024675211486924854, 'all': 0.023197965377638546}, {'it,': 0.012002456778471301, 'it': 0.010807986861842448, 'up': 0.00979629205602889, 'them': 0.008909402448421222, 'in': 0.008782771649564083, 'men': 0.008773220875630726, 'them,': 0.008220573582344837, 'out': 0.008047800383869451, 'him': 0.00804589700073432}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'the': 0.6903468887052717, 'of': 0.05629716286443227, 'tho': 0.038136558060461546, 'said': 0.02830077521934517, 'this': 0.026484543246698886, 'a': 0.022058583919767498, 'for': 0.013450340613065125, 'tbe': 0.011711890674898183, 'his': 0.011673602734598575}, {'of': 0.18151661841255548, 'and': 0.10876528339557857, 'in': 0.1062667803945329, 'a': 0.07260980641542875, 'is': 0.0673137847466488, 'are': 0.05983694231001673, 'was': 0.053160501450755675, 'for': 0.042617140494461234, 'his': 0.03819381405658732}, {'W': 0.10776235319171491, 'M': 0.08872761950457017, 'J': 0.08726887506452609, 'C': 0.08063004997041978, 'S': 0.0748991823490514, 'E': 0.07406155644726299, 'A': 0.07018206293707215, 'H': 0.06803407779447025, 'B': 0.06392180699507438}, {'the': 0.6210772557090185, 'this': 0.06363804588743119, 'The': 0.0533499850292037, 'a': 0.04172584332051796, 'tho': 0.033088630248127186, 'an': 0.030916566678944105, 'said': 0.02337925193355789, 'of': 0.02252375588832964, 'that': 0.021317978983707978}, {'of': 0.18692805317430278, 'or': 0.14013566517895848, 'about': 0.1314683817634955, 'than': 0.11488765093509382, 'and': 0.11008030331002974, 'the': 0.084007738061169, 'nearly': 0.047942365218863595, 'thousand': 0.044708972028278574, 'over': 0.04131668513479346}, {'and': 0.11735734989689853, 'Beginning': 0.09884153448596601, 'was': 0.04992202476183523, 'Commencing': 0.04742984928119307, 'is': 0.03222763654861691, 'that': 0.022686839104885018, 'look': 0.02223062891500834, 'it': 0.02189404355341923, 'him': 0.02181882299275003}, {'they': 0.16486991891854105, 'there': 0.15314025391735825, 'There': 0.11101444478729952, 'we': 0.09911958307617254, 'who': 0.061990172720869575, 'They': 0.058242319182510875, 'you': 0.04820777005203038, 'which': 0.039337000474661266, 'We': 0.03302656948120239}, {'to': 0.13287986657791423, 'the': 0.061044131482492346, 'and': 0.06089176882423373, 'of': 0.060642881457509464, 'in': 0.01926776316973806, 'or': 0.016033487078053205, '<s>': 0.014868349517667261, '.': 0.013683724806618275, 'be': 0.013046675325156711}, {'be': 0.187472009167106, 'was': 0.15779946454810687, 'is': 0.11013558455016031, 'been': 0.10726236127169389, 'and': 0.07298632210205093, 'are': 0.06022252051477273, 'were': 0.05803556176822944, 'being': 0.04598862608337959, 'the': 0.03146495353494105}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'it': 0.1419593932464094, 'and': 0.1396703664623904, 'he': 0.09500275508557711, 'It': 0.08952856636355218, 'that': 0.07258968114405218, 'which': 0.0623238225689315, 'who': 0.04378698754886897, 'nor': 0.03952019075911448, 'What': 0.03666936172403127}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'to': 0.1486294362344503, 'who': 0.14746757487845602, 'I': 0.12464022517893054, 'they': 0.10370914454024764, 'we': 0.09291902818331467, 'and': 0.07020162671161045, 'would': 0.054893676434732724, 'We': 0.04682342020114074, 'not': 0.0438094978409512}, {'get': 0.07173213841506879, 'was': 0.06759495288640666, 'and': 0.06561624249602109, 'him': 0.05191804352667103, 'it': 0.050055576730890734, 'them': 0.04759245041696305, 'are': 0.04655608701837469, 'go': 0.04289741385980777, 'come': 0.040389983849953646}, {'one': 0.07961995955569212, 'part': 0.031722739983226014, 'out': 0.02612539458596836, 'account': 0.02274403698834784, 'that': 0.0202009860106044, 'cause': 0.019518098656784628, 'any': 0.019033787812420298, 'some': 0.01875479493777302, 'tion': 0.016808155857848818}, {'they': 0.19053215589733608, 'we': 0.09784895905970852, 'who': 0.09727487731453699, 'which': 0.07783145323716735, 'They': 0.04996351352166052, 'that': 0.03924116814526851, 'there': 0.03755962968238616, 'you': 0.037438799467685295, 'and': 0.035413361078547465}, {'of': 0.25937526504279457, 'in': 0.11003887851005958, 'to': 0.10609863367234111, 'and': 0.08055793162289951, 'with': 0.0780837675637871, 'that': 0.05988983900955064, 'on': 0.04534730384402057, 'for': 0.044851402108497765, 'by': 0.03484771295689817}, {'the': 0.27028096227038806, 'to': 0.11413668937134122, 'will': 0.09380490797530465, 'and': 0.09227809632206571, 'an': 0.06142330406419967, 'not': 0.05654822105819182, 'of': 0.05023853718865541, 'no': 0.048901681957341535, 'a': 0.048020988689136686}, {'of': 0.11369824964698563, 'the': 0.09248062413012713, 'and': 0.09190765509400328, 'to': 0.04841075585174289, 'be': 0.02816226779153041, 'was': 0.02419468410399736, 'in': 0.02403464852408648, 'he': 0.023860486512559582, 'a': 0.023341051237667124}, {'the': 0.21146058016464148, 'and': 0.18293830842254558, 'to': 0.09114084734549797, 'a': 0.07209922230692435, 'can': 0.05586555434693164, 'will': 0.04330491713702652, 'of': 0.03434859296322261, 'that': 0.03295577319846271, 'which': 0.03236029072396138}, {'and': 0.11582066203428537, 'was': 0.06358983168171783, 'are': 0.04690366626694679, 'is': 0.041342184245491034, 'be': 0.03543857320265475, 'or': 0.03289983727394845, 'were': 0.029531560364259496, 'that': 0.025052094641915764, 'it': 0.023304157866785937}, {'a': 0.1980214284364727, 'the': 0.12803605184656336, 'A': 0.09156119554206539, 'One': 0.06373145191643699, 'that': 0.04793716067744981, 'one': 0.04333758188709177, 'of': 0.04302987459915051, 'and': 0.040830014429226846, 'last': 0.03283443097804504}, {'and': 0.20966887601882303, 'the': 0.19614127304969128, 'of': 0.1899638624976204, 'with': 0.04861744417347043, 'or': 0.042189539488852665, 'no': 0.03828966340085421, 'for': 0.03306990181836217, 'by': 0.030062673453820812, 'in': 0.027086893447870356}, {'of': 0.39337865965469926, 'on': 0.12997088749761998, 'in': 0.1267210573025163, 'to': 0.09988501275662576, 'from': 0.05128628858090062, 'by': 0.04301031362807453, 'and': 0.03055028674114026, 'along': 0.0276172847702304, 'across': 0.02750765141454478}, {'there': 0.28809457169717756, 'There': 0.20751488108390026, 'It': 0.11529550114437428, 'it': 0.11332142339372507, 'which': 0.043940478243464795, 'This': 0.04093293257815662, 'that': 0.039744407127002265, 'this': 0.028222635325548463, 'he': 0.02005534712705017}, {'of': 0.1975145477710819, 'at': 0.12830842653628416, 'in': 0.11098250676025374, 'to': 0.09297323639694301, 'for': 0.08595587255063848, 'on': 0.08501522687236426, 'and': 0.06374062475675114, 'from': 0.0403791002841495, 'In': 0.03567549356964059}, {'said': 0.08593577114013183, 'the': 0.07902244142797049, 'of': 0.07706299857663858, 'to': 0.05655224386114034, 'on': 0.03645824365153379, 'by': 0.015784065982012627, 'his': 0.014798367767355205, 'in': 0.013660903340849913, 'any': 0.010782418981786392}, {'the': 0.31708807807908257, 'a': 0.09874743733526163, 'of': 0.09410187136899646, 'in': 0.0662908848725938, 'and': 0.05553009796422604, 'to': 0.03898587512546143, 'The': 0.03730792171744395, 'an': 0.02673933572590792, 'for': 0.025686327517304014}, {'the': 0.6201241130199531, 'at': 0.14528548135468633, 'tho': 0.03785044086751847, 'its': 0.0350060101158975, 'The': 0.033454408729050124, 'our': 0.029445648230200197, 'their': 0.026763490716265447, 'to': 0.024733031648885885, 'his': 0.020976930278093296}, {'has': 0.3121633099225961, 'have': 0.30233540887645044, 'had': 0.19893418645454206, 'not': 0.0419164370187706, 'having': 0.034099318481808756, 'lias': 0.010124064414056482, 'ever': 0.00959040342287212, 'bad': 0.009168634890507496, 'never': 0.008782989076432624}, {'the': 0.7284564513290842, 'tho': 0.033067886349292246, 'of': 0.02820272771893664, 'The': 0.024517463093435787, 'on': 0.02202198451200616, 'an': 0.020166972282440722, 'in': 0.016486673500273993, 'and': 0.014179557130240205, 'tbe': 0.014167446249705057}, {'is': 0.07586510910907832, 'able': 0.05824406604172967, 'and': 0.055429219315685965, 'was': 0.05258345905866124, 'him': 0.05199194697420323, 'as': 0.05061173702333707, 'time': 0.04525674853989262, 'not': 0.04184851138160802, 'ready': 0.03794667158281585}, {'and': 0.08524709472992131, 'called': 0.07489518429745268, 'based': 0.05084423276307657, 'down': 0.04873325007450096, 'placed': 0.04291149263381151, 'depend': 0.03430779643568637, 'put': 0.033501386736220114, 'insist': 0.03148151560192545, 'depends': 0.03063576141772625}, {';': 0.02814744486483695, 'it,': 0.016811710726714044, 'him,': 0.01521880241585713, 'them,': 0.011188642173494138, 'it': 0.009443564709900844, 'him': 0.009172319468257794, 'in': 0.009071227241504177, 'time,': 0.008082925691044197, 'States,': 0.008064224025480815}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'and': 0.10448859142430053, 'the': 0.10149155295725205, 'of': 0.07304612958815712, 'to': 0.0369237533017864, 'that': 0.03186160591253546, 'a': 0.029335008304633318, 'for': 0.02542563975025236, 'which': 0.023304679212602174, 'in': 0.020874916353077026}, {'be': 0.19581562011815326, 'was': 0.1301294802745219, 'is': 0.1271648037787128, 'are': 0.12461067303686084, 'been': 0.09255843689167736, 'were': 0.07831230366110092, 'so': 0.05410043608587145, 'and': 0.04941028017648619, 'have': 0.031657720992609106}, {'of': 0.16806022727095773, 'the': 0.15712063374825766, 'in': 0.09387885505167377, 'a': 0.08279355117580416, 'to': 0.03542866592860113, 'and': 0.03286253177379475, 'as': 0.022039221843878718, 'that': 0.021751344766480125, 'from': 0.01962611813189003}, {'a': 0.38182723357318515, 'the': 0.24176174382760865, 'very': 0.061439504334379176, 'and': 0.05431711227572801, 'his': 0.04816437198835099, 'their': 0.045964694838851045, 'of': 0.03651517184010223, 'most': 0.033467116012657984, 'its': 0.024803996650238823}, {'it': 0.11234250557224919, 'and': 0.09161920739485103, 'he': 0.08857145089877998, 'they': 0.0760763175431801, 'which': 0.06565277703640275, 'It': 0.0498626242168713, 'I': 0.04746215462277503, 'who': 0.04366721002351111, 'that': 0.04273255181370594}, {'the': 0.16498402269767562, 'of': 0.10069649133204274, 'and': 0.07041517702950131, 'in': 0.06608041475958229, 'a': 0.06225966659093826, 'that': 0.027721167618186222, 'to': 0.024539013561958728, 'for': 0.023495320445299415, 'be': 0.022491833379119697}, {'sell': 0.0970262758753721, 'and': 0.06891713000895203, "o'clock": 0.0657969904320469, 'day': 0.06399775179139569, 'sold': 0.04776736932433915, 'held': 0.041039297497716745, 'was': 0.03797806528216605, 'died': 0.032263639836812505, 'sale': 0.023488969876097134}, {'of': 0.12910849348903655, 'the': 0.1084433319724939, 'in': 0.07586363703849107, 'for': 0.06373939046903603, 'to': 0.055107083583478544, 'and': 0.053767385772283786, 'at': 0.04925393892192188, 'a': 0.04099900656517923, 'by': 0.028447101278893425}, {'and': 0.2498112145902893, 'he': 0.10911614528590328, 'had': 0.10817505935071493, 'was': 0.07754817572251095, 'I': 0.06443784250486008, 'who': 0.04987879922154479, 'have': 0.043776916588864595, 'be': 0.03405682471460924, 'He': 0.03305848457752891}, {'of': 0.24466696529243687, 'to': 0.1965847067693777, 'from': 0.07245806974139092, 'in': 0.06782657044237325, 'at': 0.059915795928943714, 'and': 0.04324379033285748, 'the': 0.023993436704285543, 'In': 0.022592454236501063, 'by': 0.020576118111350586}, {'one': 0.12897392021378185, 'out': 0.07664784689118985, 'part': 0.06409373140028574, 'some': 0.05584305533119319, 'time': 0.03914926290286854, 'account': 0.035845171248451206, 'all': 0.032057463924492914, 'and': 0.027873419781873014, 'that': 0.02728087135118937}, {'it': 0.11423409005822825, 'and': 0.08472927875988531, 'they': 0.07672983185006364, 'which': 0.06381743068926678, 'he': 0.060637345516626556, 'It': 0.056479267862103506, 'that': 0.04909715056610808, 'you': 0.046172275722854386, 'I': 0.03957573077470385}, {'of': 0.10707495834055247, 'the': 0.08571201146072213, 'and': 0.057858416746822385, 'to': 0.05130434782419747, 'in': 0.03165161915537216, 'a': 0.026919003810013553, 'be': 0.022193448637392182, 'at': 0.01984922605411166, 'as': 0.018880233479776395}, {'it': 0.13787290960578877, 'he': 0.12076876478571731, 'It': 0.09115234516723242, 'which': 0.06522824064097428, 'I': 0.06159272481120636, 'and': 0.051680260640388276, 'who': 0.040644477989535834, 'He': 0.036847793268416994, 'that': 0.03449250464665571}, {'of': 0.5985934976742469, 'in': 0.1585927753528445, 'to': 0.03169539599545781, 'In': 0.027147198349728476, 'and': 0.024643884257881974, 'the': 0.013062137493817494, 'by': 0.009975467647831988, 'for': 0.009236681553189978, 'on': 0.007605328579281741}, {'will': 0.3947851830306033, 'would': 0.12416781675210502, 'may': 0.0759987274297545, 'could': 0.06174734756923534, 'should': 0.05615457081274157, 'shall': 0.05592037555836822, 'and': 0.05487148132428295, 'can': 0.046110579685099046, 'not': 0.044252703045738626}, {'the': 0.23808296554030023, 'of': 0.10526097219779013, 'and': 0.10447621765374518, 'The': 0.0711127721270264, 'that': 0.025498324122051934, 'his': 0.017250878306762633, 'tho': 0.015326878661271586, 'these': 0.014264902931214487, 'to': 0.014219550608288993}, {'have': 0.1543402073867977, 'has': 0.13962520970300102, 'had': 0.13167652387997927, 'and': 0.11651242558030594, 'was': 0.06784973283956738, 'been': 0.06225176537790993, 'be': 0.06117092646023937, 'is': 0.051354183049628896, 'are': 0.03910913568932899}, {'to': 0.08489046315109473, 'at': 0.08069284080845769, 'of': 0.07201790631270398, 'and': 0.05569856992760953, 'the': 0.052848994959852194, 'on': 0.031382632156628544, '.': 0.024172526038562566, 'in': 0.024008132040393558, 'for': 0.020268659366408495}, {'that': 0.14790995705925084, 'and': 0.11689876401926022, 'as': 0.07411791986661193, 'which': 0.0701940974599401, 'but': 0.052425437084328536, 'what': 0.028824146909655936, 'if': 0.028000990473314478, 'when': 0.01895617739410577, 'If': 0.018233529560830738}, {'the': 0.19643306453274328, 'of': 0.11781154876742868, 'a': 0.10948713864350747, 'and': 0.07384258679766403, 'to': 0.0556186033912094, 'in': 0.04348536234164662, 'that': 0.02527622002402943, 'The': 0.025025660206656617, 'with': 0.01756988483669235}, {'day': 0.10342225926626046, 'State': 0.08632276796573184, 'state': 0.06917569911310707, 'line': 0.06820689521025886, 'side': 0.05544209302129255, 'city': 0.04538357735185691, 'county': 0.04500245041277372, 'County': 0.03997511869580279, 'corner': 0.02408282113773897}, {'that': 0.14790995705925084, 'and': 0.11689876401926022, 'as': 0.07411791986661193, 'which': 0.0701940974599401, 'but': 0.052425437084328536, 'what': 0.028824146909655936, 'if': 0.028000990473314478, 'when': 0.01895617739410577, 'If': 0.018233529560830738}, {'the': 0.5597935228170989, 'of': 0.135262215156408, 'a': 0.03134083787467148, 'The': 0.027611584286609474, 'and': 0.025795671877487953, 'tho': 0.02318868209403593, 'on': 0.018331638052128545, 'to': 0.010900908212956991, 'his': 0.010568538336613073}, {'to': 0.18453445845639668, 'and': 0.12970708706906617, 'of': 0.04047226265455762, 'the': 0.0346019665841102, 'will': 0.02440533974562926, 'not': 0.024229552117712754, 'he': 0.021995136144213383, 'I': 0.020570865160544228, 'in': 0.019518032563890713}, {'the': 0.20556807825221665, 'of': 0.15346487436075698, 'a': 0.12314163093072715, 'in': 0.07938384717897044, 'to': 0.055281019559362723, 'and': 0.05075608164843739, 'for': 0.027675419555290615, 'as': 0.025263904659215353, 'In': 0.02152845087801899}, {'the': 0.08701823429142183, 'and': 0.07742122038590957, 'of': 0.07335393896535423, 'to': 0.062233809247588014, 'be': 0.05605196526134993, 'a': 0.0443398717049855, 'in': 0.02887674364934766, 'was': 0.026775899629514398, 'is': 0.02581241996473295}, {'to': 0.17035181359141213, 'and': 0.14653235855253083, 'was': 0.11458815783424553, 'be': 0.08570908129926245, 'were': 0.06653154439604972, 'been': 0.053120388124073194, 'are': 0.042426154318874636, 'not': 0.03882117780155129, 'will': 0.03692848039085934}, {'and': 0.1425967570003781, 'was': 0.05355446629037257, 'is': 0.047077498375378474, 'are': 0.038942353405709576, 'it': 0.036358728536017765, 'be': 0.034130888641079035, 'that': 0.03150029298943174, 'were': 0.025717894293468536, 'as': 0.023989335860099294}, {'said': 0.14363622341225615, 'the': 0.14154072698760636, 'this': 0.08746531693454608, 'and': 0.08504884709031166, 'a': 0.07619426138561733, 'same': 0.04265729963820968, 'of': 0.03680646743384259, 'next': 0.02559124482748363, 'their': 0.023644127565283057}, {'the': 0.18676413513205287, 'of': 0.09426101215625676, 'Mr.': 0.058771944201632724, 'The': 0.05859229244755889, 'and': 0.047418876464759396, 'that': 0.040529935185272044, 'a': 0.030321438874415407, 'this': 0.017731168796550952, 'in': 0.015871221276314785}, {'of': 0.10750197442634415, 'by': 0.09041322169052685, 'and': 0.07460066559730905, 'Rev.': 0.06714209852634302, 'to': 0.03318742602652076, '<s>': 0.02815823012262625, 'in': 0.0218939224808283, 'said': 0.021737474510710918, 'that': 0.019490627737533628}, {'the': 0.17873846930864198, 'a': 0.16916068795673825, 'of': 0.13098251894248047, 'his': 0.08204614138332947, 'this': 0.06243888224048599, 'their': 0.04640408924485069, 'no': 0.037899131840057665, 'any': 0.037291419060248916, 'good': 0.0357445694996682}, {'to': 0.2078962263316888, 'will': 0.09668537070736404, 'that': 0.08958292189720249, 'would': 0.08440246458557665, 'may': 0.07360461763074183, 'should': 0.06278669237384728, 'and': 0.05947925933921812, 'which': 0.04571741156744801, 'can': 0.03983470896657289}, {'in': 0.3277161407242041, 'of': 0.25722709583277364, 'In': 0.08249318092167289, 'to': 0.05932187115385191, 'for': 0.04386592672597125, 'and': 0.043487575087696795, 'with': 0.03703628628384897, 'that': 0.03584088575322605, 'by': 0.033776412200965465}, {'of': 0.26546057686376784, 'in': 0.12632772856525742, 'and': 0.12054807476312067, 'for': 0.08867744165885547, 'that': 0.07770124374954004, 'to': 0.053605875480976596, 'but': 0.031524326453207685, 'with': 0.029306116280439852, 'by': 0.0251173768843832}, {'he': 0.1599751712901506, 'it': 0.09187309562129437, 'It': 0.07897611150474945, 'and': 0.07537114100979328, 'which': 0.07299673768719299, 'who': 0.0676616930107839, 'He': 0.06651479540547028, 'that': 0.050769655447998066, 'there': 0.04213240287570515}, {'the': 0.19493562158550384, 'and': 0.08710959018965257, 'of': 0.0859207355215511, 'a': 0.061655852593549665, 'to': 0.03604587487290513, 'The': 0.023054378457518607, 'by': 0.01963361237036641, 'with': 0.01764544041114525, '.': 0.016488193069711745}, {'to': 0.3121486265523201, 'would': 0.11040639033930305, 'will': 0.08723199284283076, 'I': 0.08325997139455621, 'we': 0.06841655122324847, 'who': 0.060868863106595644, 'shall': 0.0553192394968937, 'and': 0.05261154519482503, 'they': 0.04624444110163367}, {'he': 0.20743478456095926, 'they': 0.14515429510104602, 'I': 0.14198307999306908, 'who': 0.1262320559110008, 'we': 0.05934620374230492, 'she': 0.05767224684005852, 'and': 0.04014137241915325, 'He': 0.036117384025581574, 'which': 0.03467940799884001}, {'of': 0.23880604508763253, 'the': 0.16396553003139888, 'and': 0.1151768582699918, 'to': 0.09850094216538463, 'a': 0.0594165061527512, 'his': 0.04318240216632, 'for': 0.03486675037018648, 'at': 0.02996229992084023, 'all': 0.02776229230625479}, {'the': 0.5442479701438081, 'The': 0.05498300232749395, 'of': 0.04684038561407422, 'our': 0.038423166780087635, 'his': 0.03722971584376061, 'American': 0.03246392784221565, 'their': 0.029568161587882804, 'and': 0.0268956610260428, 'tho': 0.02682448746332406}, {'of': 0.1984867316530309, 'in': 0.14023240337975218, 'at': 0.11681616344775818, 'to': 0.10697676490943532, 'and': 0.07009469965345708, 'on': 0.06558153888682264, 'In': 0.05474827399899147, 'At': 0.05355215516118213, 'with': 0.04240920538809952}, {'be': 0.2422335582512607, 'was': 0.23804651978853933, 'been': 0.12834593414995826, 'is': 0.08057993748582298, 'were': 0.06285854380270312, 'are': 0.04678945489725236, 'and': 0.03978284223733552, 'he': 0.024953977283181956, 'being': 0.022702130439865846}, {'the': 0.41974627674787907, 'a': 0.28035778216868434, 'of': 0.07336963554578903, 'this': 0.04666301992775496, 'The': 0.0428382339035284, 'with': 0.031578262046870614, 'A': 0.026911712907920604, 'tho': 0.02075228960676316, 'and': 0.01990045214373959}, {'the': 0.35006924009034257, 'take': 0.32105831300815163, 'taking': 0.07812073228238187, 'to': 0.03228192299333198, 'a': 0.03213540232075779, 'took': 0.030853902685673024, 'taken': 0.03019483885790045, 'and': 0.02765736265444684, 'or': 0.02749164455796784}, {'made': 0.12622988534690957, 'take': 0.10566015242935632, 'make': 0.09249145717018734, 'took': 0.08017403294174932, 'put': 0.07402942878557071, 'give': 0.06854001226569069, 'taken': 0.0671902193870325, 'picked': 0.05438800811824068, 'keep': 0.05382366826871295}, {'the': 0.3883549253581887, 'of': 0.11082356977456052, 'a': 0.08729957481877251, 'his': 0.07220358434161019, 'their': 0.06887861122451097, 'its': 0.04852077442707444, 'and': 0.041877422902069875, 'The': 0.037565719385562905, 'our': 0.03381091822973211}, {'it': 0.1287963170414003, 'and': 0.09382064273927197, 'I': 0.08167121455565032, 'he': 0.07139761388096172, 'which': 0.06534136898123372, 'they': 0.06511172118893509, 'It': 0.053085710665349214, 'that': 0.048711865882483496, 'you': 0.04430258796247953}, {'to': 0.3479259262335394, 'and': 0.12764173593408232, 'will': 0.12481520060606886, 'would': 0.08286784245768761, 'not': 0.0435544741183792, 'could': 0.03246487309987975, 'I': 0.03134403129536544, 'can': 0.028403411332467578, 'the': 0.02808427833843631}, {'the': 0.1926328177004973, 'a': 0.14021032466535777, 'and': 0.09177258665837944, 'of': 0.08128120916005745, 'to': 0.05178665984072018, 'The': 0.029365612539050717, 'or': 0.02376457264564494, 'an': 0.023627806009774377, 'in': 0.020805222942754345}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'the': 0.8260497124256773, 'The': 0.09640577302145138, 'tho': 0.02659126288868869, 'his': 0.009978667596094188, 'tbe': 0.009762150320970801, 'a': 0.00379835384447718, 'its': 0.003786866181823924, 'their': 0.0035455112562494083, 'Tho': 0.003321486813773928}, {'of': 0.28594947576389823, 'in': 0.1442033004992621, 'to': 0.10773973358927512, 'with': 0.06781589993832869, 'for': 0.050579324479694814, 'that': 0.04782748404122738, 'by': 0.04488604993912051, 'at': 0.03925811793471608, 'In': 0.031832038501146395}, {'<s>': 0.09833147386817279, '.': 0.03969763690887995, 'lots': 0.014877871736874066, 'Mr.': 0.013642107330463268, 'President': 0.01297520104196323, 'it.': 0.012969633230512539, 'and': 0.011680058282714643, 'St.': 0.011090013391367266, 'from': 0.010305079972485186}, {'of': 0.3411269873073631, 'to': 0.14151633867048052, 'in': 0.10639599954951182, 'by': 0.07165242324302695, 'and': 0.055990287340067973, 'with': 0.05497878630934187, 'for': 0.05159852451897345, 'from': 0.04886105937080935, 'that': 0.03431926282920764}, {'of': 0.2421281801403829, 'that': 0.21983449479429862, 'and': 0.11943559091690381, 'if': 0.05420606628398093, 'as': 0.05192320477917475, 'to': 0.04466918783328435, 'If': 0.04374363062512518, 'all': 0.04068520503086455, 'but': 0.03982755097702379}, {'place': 0.677867981690552, 'point': 0.03393161055351602, 'day': 0.01101704724287242, 'power': 0.010163322410000689, 'city': 0.008918993027655388, 'out': 0.008683977768484395, 'state': 0.0077076196233741385, 'and': 0.0045285029396872605, 'the': 0.00364135465702574}, {'the': 0.3646758901707203, 'a': 0.19253022435997297, 'dining': 0.07571569921458729, 'this': 0.04255921474922873, 'his': 0.026050151157066465, 'and': 0.01834277913738207, 'other': 0.017476703081460668, 'tho': 0.017191521778647672, 'of': 0.017056870814712466}, {'and': 0.07313316664049076, 'put': 0.05608799698332856, 'work': 0.04754015583284776, 'it': 0.04672069887227839, 'out': 0.04283205040665446, 'placed': 0.03647356509167114, 'that': 0.03470471695352409, 'him': 0.03330899072232661, 'them': 0.03214654838233342}, {'to': 0.5327944774771576, 'will': 0.11167286851344958, 'would': 0.052478107183395434, 'and': 0.04638791153122469, 'not': 0.03622408599433957, 'can': 0.027236227749754777, 'must': 0.02701133729804845, 'shall': 0.026180356472957206, 'should': 0.02560610969713662}, {'the': 0.15289144690515574, 'of': 0.07953643237428047, 'and': 0.07669206703211652, 'to': 0.04393679002693672, 'a': 0.023555372479444586, 'in': 0.02181976781982014, 'was': 0.02020631125023635, 'on': 0.01881917725647308, 'he': 0.017805812871792646}, {'and': 0.1300739164700418, 'of': 0.11338306726571885, 'the': 0.10006967208798173, 'to': 0.04490182090285124, 'for': 0.038382640755554025, 'a': 0.037947900437765886, 'that': 0.03541380962215245, 'which': 0.034311969164870115, 'or': 0.03140982652006802}, {'at': 0.33392259555938375, 'the': 0.13633989916317665, 'of': 0.04365676840709529, 'and': 0.04048739388475459, 'to': 0.03183416168447806, 'At': 0.03168675198662122, 'a': 0.021190471801213064, 'so': 0.017460237802416886, 'that': 0.014606213225119492}, {'and': 0.11040287668546435, 'or': 0.07024062209215709, 'appear': 0.06705647115151644, 'days': 0.06246014349609571, 'that': 0.0469186197163667, 'time': 0.044862847535092745, 'brought': 0.03201601705666445, 'just': 0.03110894914212798, 'long': 0.030772272883151864}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'of': 0.4841839262861728, 'to': 0.10262856318308627, 'for': 0.05421772827674514, 'that': 0.046325444748833065, 'in': 0.043429588944199855, 'with': 0.041224420375595, 'by': 0.03774052297463725, 'all': 0.035832360930814634, 'as': 0.031599325921336484}, {'the': 0.7476195530885721, 'The': 0.033403599619705904, 'tho': 0.03269094869323309, 'in': 0.03243992297507668, 'a': 0.02582576997477148, 'and': 0.02566455777637741, 'no': 0.019713922672070998, 'to': 0.014315332307212632, 'tbe': 0.013312400617428975}, {'the': 0.18676413513205287, 'of': 0.09426101215625676, 'Mr.': 0.058771944201632724, 'The': 0.05859229244755889, 'and': 0.047418876464759396, 'that': 0.040529935185272044, 'a': 0.030321438874415407, 'this': 0.017731168796550952, 'in': 0.015871221276314785}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.3770927330846197, 'of': 0.21828151297215595, 'and': 0.13201419309153273, 'The': 0.056828583059693336, 'to': 0.038008076774074286, 'for': 0.024643281686292883, 'an': 0.024573076403710988, 'by': 0.022604223456706946, 'their': 0.022529596085904185}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.07779918043414362, 'and': 0.07725521509889113, 'to': 0.0766966387530607, 'the': 0.07170830168495326, 'in': 0.06353132727194553, 'a': 0.03323898128184523, 'was': 0.02973701613603953, 'is': 0.0297153225243694, 'for': 0.025881102494688897}, {'I': 0.4191798578888374, 'to': 0.1042459738178973, 'not': 0.08446299301791393, 'you': 0.08222556090144371, 'we': 0.05979881654352475, 'and': 0.05238732843928689, '1': 0.05106295446367248, 'We': 0.03924673732862946, 'they': 0.025434248913754693}, {'be': 0.15108403483228408, 'have': 0.14086030230377763, 'he': 0.10896930106351009, 'had': 0.08752997859230488, 'and': 0.08605530959234911, 'was': 0.06294167682365552, 'has': 0.062300029628928145, 'I': 0.06149623128750436, 'is': 0.04306878680133655}, {'men': 0.020317207261758063, 'him': 0.015797617759801413, 'time': 0.01350689712579148, 'out': 0.012987170546438515, 'up': 0.012579136801261782, 'city': 0.009823661116458564, 'them': 0.009668316099542223, 'can': 0.009441125617056848, 'in': 0.00938857810030042}, {'the': 0.41693226471958156, 'a': 0.14280163787034925, 'of': 0.061261020402821824, 'on': 0.051471226933757164, 'and': 0.03136775023877406, 'in': 0.028570958103518628, 'The': 0.021966510645147576, 'for': 0.02058240943921747, 'tho': 0.02034118514682184}, {'the': 0.17767668324706357, 'of': 0.12372896295407126, 'and': 0.056456737562501295, 'in': 0.054543138025424404, 'a': 0.04564363145964419, 'to': 0.035768066312119554, 'as': 0.0212985451856222, 'for': 0.02115044511937519, 'that': 0.020659639067431363}, {'and': 0.017746234281529685, 'it': 0.013573978207140902, 'him': 0.013414589106120495, 'him,': 0.011804400692171271, 'time': 0.00949800078662018, 'them': 0.009167028717949903, 'men': 0.008877789312015405, 'them,': 0.008484610575027241, 'it,': 0.0083199322235345}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'it': 0.023277961622613957, 'it,': 0.015504261543643691, 'him': 0.014641808212341123, 'up': 0.014555831091062484, 'them,': 0.011951687559315511, 'them': 0.01102705547183875, ';': 0.010748392781666498, 'and': 0.009842682677872992, 'time': 0.009185322975637442}, {'of': 0.43788693870894957, 'in': 0.1471153567668115, 'to': 0.06335261952767236, 'In': 0.047041860115355924, 'by': 0.04231380791680881, 'that': 0.04200220062426666, 'on': 0.041586054357959694, 'from': 0.03707950152656388, 'at': 0.03229454265696568}, {'of': 0.33735497883794835, 'in': 0.2023369801643848, 'to': 0.06391216437877673, 'and': 0.05427684628858498, 'from': 0.04701202787555448, 'In': 0.03513352544609548, 'on': 0.03428639410645911, 'at': 0.01787336260348588, 'for': 0.014773478410275005}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'the': 0.20682030843522947, 'of': 0.09627212624600273, 'and': 0.06340631698336247, 'a': 0.042171940180933294, 'in': 0.03399499116918335, 'to': 0.030659773239161987, '.': 0.025396094245343857, 'an': 0.020653066459655964, 'The': 0.01732252796842931}, {'the': 0.3173857231935323, 'a': 0.23716578306000483, 'of': 0.13240238858042375, 'and': 0.08335995873033503, 'this': 0.044643501694727604, 'his': 0.03059218983306661, 'very': 0.030211366503025333, 'most': 0.023307188828166354, 'by': 0.02318879946211352}, {'the': 0.5163943899675266, 'The': 0.07740724825788195, 'this': 0.06962688145903498, 'of': 0.06374551950492889, 'said': 0.03460685852479759, 'our': 0.025939621564750305, 'such': 0.02551170809099567, 'any': 0.02381904141417527, 'his': 0.023266432355944097}, {'that': 0.2635482132128147, 'and': 0.11532656125276632, 'which': 0.09512528799708371, 'when': 0.09048952932705415, 'but': 0.06371585808096292, 'if': 0.05955718873480429, 'as': 0.05490844820911762, 'where': 0.041359547758421794, 'what': 0.02979434279062577}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.38695112567367507, 'to': 0.0872459658755361, 'in': 0.068556657179292, 'with': 0.05411766128070002, 'and': 0.05364792696520794, 'by': 0.05201337379137307, 'for': 0.04935575840591755, 'that': 0.0472838218889956, 'at': 0.03658651462143424}, {'of': 0.38483844065226447, 'in': 0.09682234433919593, 'to': 0.08658937282124247, 'on': 0.07580258860270252, 'by': 0.06891571012729947, 'and': 0.04729533293696748, 'that': 0.04545038220706212, 'from': 0.03820935710749909, 'with': 0.031968562981154275}, {'of': 0.222734533923011, 'the': 0.06429043892821061, 'and': 0.04388782983538322, 'in': 0.032411199006921305, 'with': 0.02516256409312579, 'it': 0.023954685222908677, 'a': 0.017713971140608006, 'for': 0.017018365267214633, 'ar-': 0.015195921808737438}, {'the': 0.6467278113541522, 'The': 0.07447673523265669, 'and': 0.05652572400052777, 'tho': 0.04589404485050851, 'a': 0.0299455352345532, 'other': 0.021376326107482645, 'tbe': 0.017748599523879627, 'of': 0.010355664531893188, 'an': 0.0070832573903798525}, {'of': 0.24673685498024456, 'to': 0.13656427795978995, 'in': 0.1267579314632992, 'and': 0.09074157627640905, 'with': 0.0880722866842971, 'that': 0.06117112101293833, 'on': 0.04314265751329888, 'from': 0.03859590500669327, 'all': 0.03265940301667633}, {'it': 0.033766617986643696, 'and': 0.027655607999878342, 'there': 0.021797910323832503, 'them': 0.01699081399500762, 'day': 0.016012942366838197, 'him': 0.015958551028946704, 'made': 0.013741965774120481, 'year': 0.012288827297355146, '<s>': 0.012281598238786611}, {'a': 0.38131431027909213, 'so': 0.14545520803738787, 'the': 0.11922679800074139, 'very': 0.06656783155621933, 'his': 0.037457095519424395, 'not': 0.03556864842354684, 'and': 0.033749349634832, 'as': 0.02806266387215352, 'have': 0.02267240008643445}, {'of': 0.3017260626228476, 'the': 0.2768945079839129, 'a': 0.08352571158254643, 'and': 0.040580495461276164, 'their': 0.03845614065451527, 'in': 0.037341729768824244, 'his': 0.03442687084899857, 'to': 0.023818800578964926, 'great': 0.021086549668404724}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'is': 0.18711110422245938, 'was': 0.17939819227525777, 'be': 0.14250667931100966, 'as': 0.1369686381593474, 'are': 0.06020912379418168, 'were': 0.052657923713905784, 'and': 0.04803019997225913, 'been': 0.04127110198789592, 'Is': 0.034491921795210094}, {'and': 0.12699517202259328, 'place': 0.0596317703885036, 'was': 0.03515320637762254, 'held': 0.03052196771857305, 'not': 0.02767848050662516, 'arrived': 0.027146683657935537, 'that': 0.027119680989335378, 'them': 0.02487238903220413, 'are': 0.024825159738274975}, {'<s>': 0.09305684382265936, '.': 0.02441057402900104, 'it.': 0.021210749563262864, 'them.': 0.012762592767500297, 'Clerk.': 0.01043154687502678, 'him.': 0.009101559490208992, 'thereof.': 0.008205144935426706, 'and': 0.007345230287662612, 'time.': 0.007072710504203894}, {'the': 0.30081601394936547, 'a': 0.2668235955364949, 'of': 0.12477314834697832, 'in': 0.09034958072866953, 'and': 0.04155748994106296, 'very': 0.036716680459580035, 'to': 0.036245010098455384, 'for': 0.027686699975559427, 'The': 0.02711901216313656}, {'from': 0.2673673318876793, 'and': 0.12701300466479476, 'of': 0.1267768216126397, 'at': 0.07157284990866153, 'in': 0.04663965836492411, 'with': 0.03138181921730803, 'for': 0.026984657912658694, 'by': 0.025963193730883412, 'to': 0.025708209359166224}, {'the': 0.24446026597413137, 'of': 0.1275753444557659, 'other': 0.05480026618109577, 'all': 0.047872405091980125, 'an': 0.044519266066926064, 'a': 0.03645723414362911, 'their': 0.032516657382485076, 'good': 0.03128912227925932, 'this': 0.031085112044360954}, {'and': 0.022435701523235978, 'the': 0.014980680783669214, 'persons': 0.013090147262788702, 'feet': 0.012320504139311286, 'a': 0.012228402422904492, 'line': 0.011202290082269962, 'lot': 0.011120917848832824, '<s>': 0.01086055702603379, 'which': 0.009321808344439173}, {'<s>': 0.1325478728589544, 'it.': 0.02583089525079047, 'them.': 0.011624312857707432, ':': 0.01009529970449569, '.': 0.009602899024797351, 'country.': 0.00906867730161598, 'people.': 0.007591021346652133, 'time.': 0.007503466563719521, 'year.': 0.007384047475022793}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'line': 0.054009846302222476, 'State': 0.03834507102885532, 'number': 0.037256980943125254, 'name': 0.03406812249122787, 'estate': 0.02281150668441904, 'corner': 0.02167270679135382, 'city': 0.021672534596441317, 'daughter': 0.02161488597189118, 'state': 0.020599081078274108}, {'be': 0.4151589614532654, 'is': 0.10027346629796911, 'was': 0.09611398638093896, 'and': 0.07902612820372514, 'been': 0.07043980165519509, 'have': 0.03965272729269821, 'are': 0.0377882036340197, 'not': 0.03757295710524489, 'had': 0.03524610382088034}, {'of': 0.25026367804087846, 'the': 0.24270519094304482, 'a': 0.07634760733033887, 'in': 0.06706003856558448, 'to': 0.05019540952275874, 'and': 0.03898480160134213, 'from': 0.026207818218214878, 'The': 0.026073807007001397, 'for': 0.02584228765411505}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'thousands': 0.34322606710996023, 'millions': 0.31510195416951414, 'number': 0.08424348961043657, 'hundreds': 0.07802394319247447, 'sum': 0.03221497994633759, 'couple': 0.02151981022956452, 'billions': 0.017775229760545685, 'sands': 0.01109333413904238, 'Millions': 0.01006209445227231}, {'made': 0.12225743547938817, 'and': 0.10687696483372014, 'or': 0.06260338367455064, 'caused': 0.03530537236976607, 'that': 0.03492785359214433, 'it': 0.029011378454775333, 'accompanied': 0.023756127595587654, 'was': 0.023711379007134412, 'surrounded': 0.022359133661845474}, {'to': 0.3821877357347575, 'will': 0.1743930658618, 'may': 0.10073683711481263, 'shall': 0.06260088662396038, 'should': 0.05616964581267746, 'would': 0.05001767819656789, 'can': 0.04160486891897461, 'must': 0.04021382486718993, 'not': 0.03179062273173849}, {'went': 0.0859649131984472, 'go': 0.0740156727463613, 'came': 0.05340569088270274, 'back': 0.046824518702947265, 'it': 0.046591197665674745, 'out': 0.04597094137011748, 'put': 0.04419418637857149, 'down': 0.040075377835223074, 'come': 0.03708818962066005}, {'or': 0.2315627824352973, 'and': 0.1089679560792627, 'not': 0.10740875716620378, 'be': 0.09209817818366062, 'was': 0.06806653486731928, 'the': 0.06264495392950542, 'is': 0.05614785878611962, 'are': 0.05477693899391644, 'with': 0.04406837877110032}, {'the': 0.1896852532831453, 'and': 0.09924806139965145, 'of': 0.08606435002482496, 'a': 0.05324150719726342, 'be': 0.04211003535251454, 'to': 0.04127207926747143, 'in': 0.03600240405341214, 'was': 0.027814453402777085, 'his': 0.023750207803832562}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'that': 0.29944433908951973, 'which': 0.10597050403619378, 'if': 0.0838501213785515, 'as': 0.07766032287742279, 'and': 0.07386271862749577, 'when': 0.06185092041213883, 'where': 0.052211353477069684, 'but': 0.04417491348278512, 'whom': 0.04093836768807294}, {'W': 0.10776235319171491, 'M': 0.08872761950457017, 'J': 0.08726887506452609, 'C': 0.08063004997041978, 'S': 0.0748991823490514, 'E': 0.07406155644726299, 'A': 0.07018206293707215, 'H': 0.06803407779447025, 'B': 0.06392180699507438}, {'one': 0.12897392021378185, 'out': 0.07664784689118985, 'part': 0.06409373140028574, 'some': 0.05584305533119319, 'time': 0.03914926290286854, 'account': 0.035845171248451206, 'all': 0.032057463924492914, 'and': 0.027873419781873014, 'that': 0.02728087135118937}, {'and': 0.1879301760302107, 'fact': 0.08550025732880732, 'said': 0.0662255353607955, 'so': 0.0622731371794094, 'believe': 0.05108331589442403, 'say': 0.047766887725861, 'know': 0.045380695873073106, 'stated': 0.02818613659070143, 'show': 0.025981977085857078}, {'of': 0.17485620744379934, '<s>': 0.13083737772122928, 'the': 0.1018560852052238, 'to': 0.09685867404524494, 'in': 0.03954216929675862, 'and': 0.033931621398462744, 'said': 0.028289848722629532, 'for': 0.025545936273891946, 'by': 0.02040564321019061}, {'and': 0.09515264199589137, 'together': 0.05970144109081358, 'covered': 0.03640167794610209, 'him': 0.03211426652152613, 'up': 0.030155809362644507, 'it': 0.02246483567435092, 'met': 0.02159101760185103, 'them': 0.02092550701835756, 'but': 0.01766366684559097}, {'and': 0.08554419790979614, 'that': 0.03505483314216038, 'of': 0.03260732003881579, 'or': 0.017651258035582273, 'it': 0.015707966238452716, 'the': 0.01373362746314487, 'him': 0.013589591981787727, '<s>': 0.01336542984220932, 'for': 0.013069883425836171}, {'an': 0.5253944864862709, 'the': 0.17002367848093414, 'proposed': 0.04420079983668099, 'this': 0.04115223136144757, 'said': 0.026637618491574915, 'An': 0.0242253264331511, 'from': 0.02008521560639953, 'a': 0.017776861114591997, 'and': 0.01568719500616303}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'virtue': 0.07372054838507916, 'out': 0.0643582522520695, 'part': 0.03907743667416268, 'one': 0.035272612243984924, 'quarter': 0.03209168295079266, 'favor': 0.02368434909271157, 'result': 0.023120733291221517, 'guilty': 0.022440380223500818, 'means': 0.021974823725644504}, {'<s>': 0.0696737453540512, 'and': 0.04129326033545576, 'was': 0.01775253357188352, 'that': 0.017671703515582123, 'made': 0.015930978002565637, 'it.': 0.014881594486098595, 'file': 0.014704446686657463, 'is': 0.011697793646915202, 'be': 0.010040192816340533}, {'and': 0.11719691853076965, 'It': 0.10995832280122776, 'it': 0.10466241996315678, 'he': 0.0950054294164293, 'I': 0.08102875974227812, 'which': 0.04470849953365678, 'He': 0.038932438996988734, 'who': 0.03757530691804265, '1': 0.03310140084639796}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'day': 0.055496648579007164, 'State': 0.03378367206845338, 'side': 0.0179432280768568, 'corner': 0.013834920210601993, 'county': 0.011968776576599125, 'state': 0.01111266963907169, 'line': 0.010712036753166563, 'part': 0.010403047581122002, 'House': 0.010369784893875163}, {'the': 0.7428313758384696, 'The': 0.04915820210022119, 'a': 0.03767007524881859, 'tho': 0.032897305417094326, 'his': 0.027076570650590628, 'their': 0.025046608143301504, 'its': 0.020828224093312437, 'our': 0.016394051851418134, 'and': 0.016236300779049445}, {'and': 0.16003152460049927, 'looked': 0.044763954534365095, 'look': 0.03993361336850676, 'down': 0.03844114027556125, 'called': 0.037640011695214075, 'imposed': 0.037134234056852025, 'bestowed': 0.03512468376506029, 'that': 0.032720360996918565, 'conferred': 0.03209971764489161}, {'was': 0.1902556281775391, 'is': 0.16470382803783268, 'are': 0.06302194147976975, 'and': 0.06234863660638782, 'be': 0.05230550433654153, 'had': 0.05182563431613524, 'were': 0.044530800375450576, 'been': 0.037728198453713745, 'has': 0.034274752306699525}, {'and': 0.11351428024652795, 'that': 0.05476680567975612, 'as': 0.04662271163324648, 'which': 0.027641886212329173, 'the': 0.02736666901271361, 'of': 0.024941579900199635, 'but': 0.02393966406647771, '<s>': 0.023378083982674405, 'when': 0.021076972074116566}, {'to': 0.23081306698433443, 'told': 0.11878781923688646, 'of': 0.11285639575935243, 'with': 0.09596485497099838, 'tell': 0.07900149896017697, 'tells': 0.07611817926727621, 'for': 0.07189864162277043, 'upon': 0.04907317313334947, 'by': 0.0416387620964257}, {'of': 0.2861523254895883, 'to': 0.10321234554586928, 'with': 0.08251806662610496, 'and': 0.0804887446776547, 'is': 0.07408477594889004, 'in': 0.070463579929481, 'that': 0.05262063137701935, 'by': 0.049366110960523776, 'for': 0.04911385848964588}, {'and': 0.11723677944071108, 'time': 0.02836324507402952, 'week': 0.025245697080069063, 'up': 0.016520748607410894, 'one': 0.01451024769524899, 'that': 0.014480758206103606, 'demand': 0.013400302122768062, 'but': 0.013055985107512814, 'day': 0.012657396916015976}, {'of': 0.2057282892892754, 'in': 0.17623099073974832, 'without': 0.09063238298933401, 'to': 0.08497849559481041, 'have': 0.06952588922863787, 'make': 0.06554910922352611, 'by': 0.06212339833164213, 'for': 0.05170129798920525, 'or': 0.04896631893808509}, {'in': 0.019448498902264716, 'up': 0.01716110968205773, ';': 0.011113534014085272, 'him,': 0.010082191754918875, 'him': 0.008136089429776979, 'it,': 0.008066064650367405, 'them,': 0.0066006518334817245, 'up,': 0.0062945068791858535, ',': 0.006041113498939607}, {'of': 0.11733599196203871, 'the': 0.1045976676468524, 'and': 0.06609015104460429, 'to': 0.05435800060474629, 'in': 0.04742350043135446, 'be': 0.03375013694395989, 'a': 0.03007180973749937, 'or': 0.029372144194068597, 'for': 0.02782046099193093}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'of': 0.05762609981073872, '<s>': 0.05195297810390533, 'and': 0.03627580495401506, ':': 0.034472019356287416, 'in': 0.028642989640860535, 'the': 0.028021018462590894, 'to': 0.020022427446133532, '.': 0.01870832493110368, 'as': 0.018510197234847713}, {'of': 0.17638155126264957, 'and': 0.10593495744761211, 'in': 0.09992148256266505, 'with': 0.09304757934996963, 'as': 0.09141392759921327, 'to': 0.0872411891097848, 'for': 0.06312668810208114, 'is': 0.056102755187717686, 'by': 0.05391998167692488}, {'the': 0.17815425580483682, 'of': 0.12789638747779988, 'a': 0.05486803988741214, 'at': 0.05485574595673172, 'and': 0.053273137290541825, 'to': 0.03719844051603877, 'in': 0.029936427026152977, '.': 0.023664776404982792, '<s>': 0.017205453228606154}, {'and': 0.11736792520358612, 'that': 0.04786308738484356, 'made': 0.037441265433318154, 'is': 0.03492261740729612, 'was': 0.034646122418110326, 'placed': 0.02810210111465904, 'as': 0.02546551106103744, 'be': 0.025160666769283038, 'or': 0.024769337014637474}, {'the': 0.25914635682258275, 'and': 0.19964480961030392, 'to': 0.0939546160170226, 'of': 0.06853829431545398, 'The': 0.04848339692420214, 'that': 0.028843757623374537, 'which': 0.024953396756098315, 'or': 0.024395798152438537, 'an': 0.022539240901214945}, {'of': 0.3047343091384906, 'in': 0.12834082338077535, 'to': 0.12663174483000555, 'and': 0.07996484721361839, 'for': 0.05574161690843987, 'by': 0.04555923002482649, 'that': 0.04370274653730562, 'with': 0.0431515558260109, 'from': 0.03752786381608031}, {'and': 0.17745423011066466, 'of': 0.14363692632037056, 'that': 0.1159757657550851, 'in': 0.10545426091538539, 'for': 0.09331826218077485, 'to': 0.08261049043639636, 'by': 0.04395971380018543, 'or': 0.04328470381753063, 'with': 0.03681544870434275}, {'.': 0.06260272954265736, 'and': 0.04766114393083175, 'be-': 0.024338899261865513, '<s>': 0.02414357336055171, 'of': 0.020842129658926137, 'Mrs.': 0.020484883650788554, 'Mr.': 0.01939256153793128, 'said': 0.01655699369775486, 'W.': 0.01513794585301077}, {'the': 0.18711381471918292, 'and': 0.1599309871398424, 'in': 0.10078315046474416, 'of': 0.09835301842106992, 'their': 0.061909250895639416, 'for': 0.0569889981862039, 'a': 0.04634097438655059, 'or': 0.04326482956621524, 'to': 0.0408596453859447}, {'of': 0.2322557803346088, 'to': 0.12783672933183848, 'in': 0.11531720168704875, 'for': 0.10909259376671922, 'that': 0.0928659214355234, 'and': 0.069417346356689, 'by': 0.05127988050801987, 'with': 0.050875824750940504, 'In': 0.03266679440628801}, {'and': 0.10858929003350043, 'that': 0.10197189637738394, 'as': 0.06720065000034108, 'of': 0.06716423871261154, 'to': 0.048973085804781435, 'make': 0.04490872885872053, 'which': 0.04270294889136098, 'but': 0.03533274691040666, 'if': 0.03210967177713058}, {'the': 0.18998094150711592, 'of': 0.1504013060137033, 'to': 0.06994581705219274, 'and': 0.0687472796260352, 'in': 0.0424549384346001, 'a': 0.03338175870492594, 'with': 0.025286037923068987, 'on': 0.024408244113714932, 'The': 0.02151928622567926}, {'of': 0.09825390434438497, 'the': 0.09098418013882137, 'and': 0.07794623491344993, 'to': 0.0534957146415912, 'be': 0.046929961189797025, 'in': 0.03133437670650079, 'or': 0.028248261083669284, 'for': 0.024019135207191417, 're-': 0.02305439953768153}, {'min.': 0.1632449796288612, '.': 0.11093888162641086, 'N.': 0.09791844230014005, 'Mrs.': 0.09141642739874005, 'M.': 0.06240229799571204, 'W.': 0.06186235446073951, 'mln.': 0.060497758177438486, 'J.': 0.05931491890090959, 'deg.': 0.04803458395193892}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.09318463850163557, 'of': 0.0865471319578483, 'to': 0.07356708482373195, 'in': 0.06327033078694926, 'and': 0.060662658785359945, 'a': 0.047696834969251825, 'In': 0.023821005519919457, 'by': 0.021191220490332695, 'for': 0.021073561436363852}, {'and': 0.20097631528240614, 'that': 0.050255052044432445, 'was': 0.028101669870905857, 'or': 0.02563536778156819, 'it': 0.023843822912108983, 'is': 0.02207744402297826, 'but': 0.02063656408844684, 'them': 0.01861502773095897, 'as': 0.01770659326843906}, {'the': 0.5328409016571041, 'a': 0.2423938820196901, 'The': 0.0653832905125129, 'tho': 0.028658400107216073, 'this': 0.021733325830604, 'and': 0.011494226069920918, 'his': 0.011072616265693969, 'whole': 0.010936526583141907, 'A': 0.010669507848995539}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'be': 0.10869144595917807, 'He': 0.1064435659214695, 'is': 0.10536716901954588, 'and': 0.09821409541148136, 'was': 0.09785815872236746, 'he': 0.09498191471431625, 'also': 0.04067764593702213, 'so': 0.03697661881290489, 'been': 0.034162116624636335}, {'of': 0.464424686288552, 'to': 0.11883584117892136, 'in': 0.09126371243457226, 'by': 0.07171657798009344, 'with': 0.04171955099188954, 'that': 0.03805807681877781, 'and': 0.03580775569892121, 'for': 0.029023996652693704, 'as': 0.02452485661148036}, {'and': 0.20031029574809453, 'was': 0.15948227062895362, 'be': 0.1272543262004944, 'he': 0.05304558593681568, 'is': 0.052861162540875264, 'were': 0.051096678559451034, 'it': 0.04582716921342397, 'He': 0.04365564094199339, 'years': 0.04237348462619367}, {'of': 0.29332408059630477, 'and': 0.12448531940435474, 'that': 0.09769654965288797, 'in': 0.08987595953681408, 'to': 0.08121821781058944, 'with': 0.054555492255507015, 'at': 0.037369993846284755, 'by': 0.03602226511274751, 'for': 0.032667560266695005}, {'2;': 0.12714101386316964, 'feet;': 0.12417054809612309, '3;': 0.10881633318742555, '4;': 0.10292689400558552, '5;': 0.07864130218363188, '6;': 0.03982841237469969, '8;': 0.02804631364966904, ';': 0.025096738444705686, 'lode,': 0.022103670253941}, {'the': 0.30546093424943693, 'of': 0.1505324026908194, 'in': 0.07265217811266352, 'Key': 0.04897428130282153, 'to': 0.04453065507231807, 'from': 0.03993511180930662, 'at': 0.03544174377222344, 'and': 0.029925388028462917, 'In': 0.024247675975466048}, {'a': 0.3574231477862486, 'the': 0.3236314590653934, 'her': 0.0380231279155421, 'his': 0.036177776400694195, 'The': 0.03523441686592062, 'very': 0.03398570188079614, 'and': 0.02955944360783012, 'on': 0.02916051111043699, 'A': 0.021760968968442373}, {'to': 0.22291621491641103, 'a': 0.17188763355955305, 'and': 0.10022312254997615, 'the': 0.0790161673730226, 'of': 0.06842601193392257, 'his': 0.047245680256113774, 'their': 0.039418444306187746, 'will': 0.03292075747741863, 'not': 0.023463003801648483}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'be': 0.2988324770630948, 'was': 0.16927514682663278, 'been': 0.14922650830674392, 'are': 0.06742149951820271, 'is': 0.06726063896492922, 'were': 0.06700696991514823, 'not': 0.035172559146392994, 'and': 0.034475719005635404, 'being': 0.03147068017097349}, {'the': 0.1804435058124581, 'of': 0.08964981171251785, 'and': 0.07796336471958432, 'a': 0.04240129500053345, 'that': 0.041934133964904585, 'The': 0.028662501582764493, 'in': 0.027988900498843387, 'no': 0.024394619839738462, 'Mr.': 0.024076003649587452}, {'and': 0.10621357103659904, 'of': 0.09592475021597927, 'as': 0.0933664698463147, 'the': 0.07498329443544682, 'to': 0.050713985015591476, 'be': 0.03665821157222504, 'such': 0.035312510153626214, 'much': 0.0306652819635511, 'in': 0.028081642731827273}, {'to': 0.30595967121860446, 'will': 0.2549939061110521, 'would': 0.12391753263185726, 'not': 0.056674079439872425, 'shall': 0.05597700719406948, 'may': 0.0549887838496675, 'should': 0.04645562672389089, 'must': 0.02543219757542467, 'can': 0.021817750131756155}, {'and': 0.15859919135379041, 'of': 0.08598861312855259, 'to': 0.08315508927991105, 'the': 0.06874452320833058, 'in': 0.058260721699561625, 'or': 0.04021483348163834, 'that': 0.038732793213525255, 'for': 0.027900459328194547, 'on': 0.02788303042210844}, {'a': 0.36013687190951993, 'most': 0.2321285935982224, 'the': 0.1061176495067362, 'and': 0.0962119568072446, 'more': 0.0449403025058514, 'of': 0.02717290421485254, 'very': 0.02665035086839885, 'are': 0.023218954901365847, 'not': 0.022889229429738266}, {'would': 0.18484696413312598, 'will': 0.13557911028775235, 'to': 0.1354786338563493, 'I': 0.11686820164950959, 'we': 0.10819965962516528, 'they': 0.06976336527175628, 'who': 0.055741391777735676, 'you': 0.04894713804393139, 'not': 0.04625443517551462}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'the': 0.18448743873248952, 'of': 0.12961764150075383, 'and': 0.08864149755148218, 'to': 0.08458068845100036, 'in': 0.04418971160772248, 'a': 0.04407574224411206, 'be': 0.036710358842165856, 'for': 0.02722894258311737, 'his': 0.026367930593254468}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'to': 0.37215698935851993, 'will': 0.18519910962273647, 'would': 0.08408758215087293, 'not': 0.06999745263672275, 'shall': 0.06511760376682717, 'may': 0.0575441090445625, 'should': 0.05132223784430418, 'and': 0.03125349768693256, 'must': 0.023723133573260478}, {'of': 0.14649524450692328, 'in': 0.11105821213996195, 'to': 0.07771271596004697, 'In': 0.04322154734046887, 'for': 0.0422808536355272, 'on': 0.03375242782972085, '<s>': 0.027979249880558606, 'and': 0.026181875660350986, 'at': 0.022007268110082374}, {'the': 0.46023617850462173, 'his': 0.1443545452955141, 'my': 0.07504675691212617, 'their': 0.05097683640520645, 'The': 0.046157611882325214, 'her': 0.03898365105599261, 'and': 0.031094975811452145, 'of': 0.030799712648166732, 'tho': 0.023075393358670336}, {'thereof': 0.14700720185591024, 'such': 0.09953945808950226, 'well': 0.07065190138124225, 'far': 0.06510168476494443, 'and': 0.061849153813184496, 'that': 0.02470121694588992, 'but': 0.02383846578191041, 'soon': 0.023653161254167897, 'much': 0.023077737575619452}, {'out': 0.08916253444249667, 'purpose': 0.08056350435515594, 'means': 0.04182224304495304, 'number': 0.03895517634641347, 'one': 0.03250340130347175, 'all': 0.029721820986085105, 'some': 0.025630835774595996, 'and': 0.02516746534641467, 'point': 0.024534350500062835}, {'as': 0.6012531597768882, 'so': 0.12445111666082966, 'and': 0.06620860040647915, 'of': 0.039479326284523775, 'the': 0.027387217675977384, 'is': 0.027220982625140534, 'very': 0.020930829486060204, 'a': 0.01557683608801206, 'be': 0.013927118187056838}, {'the': 0.2651345998890519, 'a': 0.1966461614825284, 'his': 0.13807765495232607, 'of': 0.11052518338071653, 'their': 0.07265383171615718, 'our': 0.04351235847097003, 'to': 0.028670421683671107, 'my': 0.027783017755207754, 'and': 0.02116616112636235}, {'is': 0.2978911193544612, 'was': 0.16281467190601165, 'and': 0.1005330100482783, 'are': 0.09617269381666078, 'Is': 0.048061299437085585, 'had': 0.042601855715304095, 'were': 0.03735907860882429, 'have': 0.03714528007537875, 'has': 0.02793586923530982}, {'thence': 0.22795325201742184, 'came': 0.0679415735409653, 'get': 0.0636370015125401, 'going': 0.05822697336393641, 'went': 0.050191390128465636, 'feet': 0.04657254861624217, 'walked': 0.04196069881238635, 'go': 0.03964137713608415, 'all': 0.03438616858012229}, {'of': 0.17230450549508014, 'the': 0.11860609098213669, 'to': 0.06391789214233216, 'in': 0.05398944813657782, 'on': 0.04019465615536263, 'a': 0.038352199272278294, 'and': 0.0366449633884784, 'by': 0.03408154196060482, 'for': 0.02580838117586839}, {'and': 0.1803268037289925, 'of': 0.12479906392788172, 'was': 0.11507196141808683, 'are': 0.08285743633303205, 'is': 0.06262377323406693, 'been': 0.05897498475260704, 'the': 0.05469814305480102, 'by': 0.04854443247182641, 'were': 0.0448466156983893}, {'the': 0.1997530074103041, 'of': 0.07893361129751429, 'and': 0.06215892088159802, 'a': 0.05804187726271711, 'to': 0.02983504099832902, 'in': 0.02776508344901372, 'The': 0.027389040160085452, 'Mr.': 0.02093899481677556, 'by': 0.019157846756130345}, {'the': 0.30642149351171366, 'and': 0.08545031749141763, 'an': 0.040828013857482075, 'The': 0.02988963182906823, 'or': 0.02939195122419722, 'first': 0.027552258050654834, 'a': 0.022698269027746673, 'as': 0.02267894392571462, 'tho': 0.017518144271379467}, {'of': 0.2506904150181506, 'a': 0.11487354758931088, 'to': 0.08138568472335855, 'in': 0.05380188351488773, 'with': 0.049633415059216264, 'the': 0.04843244902012632, 'and': 0.04588341105645711, 'by': 0.03497754026913532, 'that': 0.030047704795615127}, {'a': 0.5257033659445973, 'the': 0.26682946555879683, 'large': 0.03897529103020493, 'great': 0.03605742715560533, 'The': 0.0221817495595492, 'vast': 0.016158713798894445, 'tho': 0.014970985941946076, 'his': 0.012857868606721879, 'A': 0.012609817792549433}, {'the': 0.11823074693978072, 'of': 0.08694348844847148, 'and': 0.08035861557922752, 'to': 0.06785315853902352, 'in': 0.03655889247718226, 'a': 0.03453241273015627, 'at': 0.02649300894615794, 'or': 0.02531596396057297, 'for': 0.02260844855601052}, {'of': 0.38481919428494066, 'to': 0.14282313135224148, 'in': 0.13978196331520215, 'by': 0.07326575011656655, 'on': 0.039137130428344005, 'with': 0.03912149650469744, 'from': 0.03628766563977626, 'and': 0.03211054208080053, 'that': 0.029005087547000034}, {'and': 0.11104271003202684, 'depend': 0.040116114133592035, 'that': 0.026891603692289823, 'depends': 0.02646931417435199, 'called': 0.024411709227986893, 'based': 0.024399261146637496, 'look': 0.02349839468094156, 'down': 0.020914799219568084, 'call': 0.019560331897866733}, {'and': 0.08705691142883067, 'the': 0.057481970378662164, 'to': 0.05559983933033418, 'will': 0.049746467544381785, 'which': 0.0488507773534532, 'said': 0.04862051319956306, 'of': 0.04798378748122888, 'that': 0.03777385516049565, 'may': 0.036226481081265575}, {'more': 0.09744071569386746, 'law': 0.021618924454583605, 'one': 0.021367118638105816, 'be': 0.016925296680655965, 'good': 0.016801990013514206, 'man': 0.015528510690813789, 'it': 0.015308787080950417, 'and': 0.01466685671160259, 'is': 0.012916792684907643}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'virtue': 0.07372054838507916, 'out': 0.0643582522520695, 'part': 0.03907743667416268, 'one': 0.035272612243984924, 'quarter': 0.03209168295079266, 'favor': 0.02368434909271157, 'result': 0.023120733291221517, 'guilty': 0.022440380223500818, 'means': 0.021974823725644504}, {'of': 0.14559207334447405, 'as': 0.12566996739113812, 'for': 0.10604552411463762, 'to': 0.10420715483562418, 'is': 0.09504025947494077, 'by': 0.093380590611362, 'with': 0.07074555394442221, 'at': 0.06743374897804143, 'and': 0.06584665460690685}, {'It': 0.1844899494602058, 'there': 0.16943159172519223, 'it': 0.15555998406497315, 'There': 0.08546350554130623, 'This': 0.052610572856870534, 'which': 0.038060098362034306, 'he': 0.03667736962235606, 'that': 0.03641475547024969, 'this': 0.031009147688645645}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'the': 0.256408177786244, 'of': 0.15519713092018675, 'at': 0.0972510122675037, 'to': 0.08857618837093982, 'his': 0.06110027087933537, 'their': 0.06011288797256477, 'this': 0.057039129416907225, 'in': 0.037899837438187735, 'a': 0.03658387411325136}, {'that': 0.3009039711703527, 'and': 0.12345512299932615, 'which': 0.08486295466436337, 'as': 0.06820312895682411, 'but': 0.05325221794800106, 'if': 0.04837817266495176, 'what': 0.0415078697406747, 'If': 0.02707916134619812, 'where': 0.026973506665365028}, {'and': 0.11080151228940983, 'feet': 0.03518686030808272, 'north': 0.03391477261095895, 'committee': 0.027796640524886434, 'put': 0.020310989083812465, 'Mortgages,': 0.02011978439331364, 'mortgages,': 0.01879684753478421, 'mortgages': 0.017786507180505628, 'men': 0.01777385018937924}, {'the': 0.37422487725240544, 'of': 0.08110710854048184, 'said': 0.07980643155965941, 'this': 0.07129795862658969, 'and': 0.04047205853189103, 'The': 0.03424763500447837, 'a': 0.02401634750644731, 'that': 0.0208237816248423, 'Custer': 0.019491380434368863}, {'and': 0.12553502318251347, 'was': 0.04739585841047081, 'is': 0.0427631193228207, 'that': 0.04024915867299236, 'as': 0.037555666552323244, 'be': 0.03275915664218524, 'are': 0.02685886271578566, 'or': 0.0257408121862252, 'it': 0.02513332865458965}, {'cut': 0.07501313451195032, 'cutting': 0.03167587999011496, 'it': 0.029208706645307263, 'and': 0.027047770256912327, 'taken': 0.02646008642933165, 'went': 0.026002341946506104, 'them': 0.025596107546344036, 'of': 0.023739238645446838, 'falling': 0.023048505044402662}, {'matter': 0.060460591468746945, 'bushels': 0.044644239918223895, 'purpose': 0.04289485990955719, 'number': 0.037168414850097184, 'out': 0.028299082872883338, 'point': 0.026705865112281922, 'cost': 0.024528173214393805, 'amount': 0.022126103738631654, 'pounds': 0.02174500281637324}, {'and': 0.10615802917934082, 'it': 0.055037106852405177, 'pain': 0.048991940339928645, 'was': 0.02986246437896903, 'him': 0.028380833350027224, 'not': 0.028338898300097552, 'that': 0.027560478815014, 'up': 0.025353319059027848, 'is': 0.024407192222027693}, {'the': 0.14845503266615634, 'and': 0.10516646891198612, 'a': 0.08705139780049946, 'of': 0.05623464604703346, 'to': 0.03843420374804783, 'for': 0.02707689722659733, 'will': 0.01983078201776619, 'in': 0.01814645713094033, 'their': 0.015061571207299559}, {'up': 0.016643739687553123, 'due': 0.015123581688595015, 'hundred': 0.013613853326313244, 'quiet': 0.012146543767067343, 'out': 0.011674557507873457, ';': 0.011542032310768289, 'made': 0.011499435407856444, 'him': 0.011417560736084988, 'it': 0.010929318815484056}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'Section': 0.049585774434270743, '<s>': 0.03060187368896496, '.': 0.022104002994238144, 'lot': 0.01659617097403336, 'and': 0.013696796135902432, 'Sec.': 0.011847345918973596, 'April': 0.010067218595946772, 'of': 0.009521048100716882, 'May': 0.009506668328275306}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'of': 0.3259660252635601, 'in': 0.13166677174326458, 'the': 0.09646014257221035, 'and': 0.07231477493027981, 'to': 0.03935976892736705, 'with': 0.029074847670423138, 'for': 0.028656000816342612, 'from': 0.0282069401527942, 'In': 0.02722845495141078}, {'years,': 0.01152049150076826, 'man': 0.009235313405318897, 'it,': 0.008633922775972566, 'him': 0.008373002244549085, 'it': 0.007806823012576597, 'them,': 0.007437415295999163, ';': 0.007430211426696293, 'him,': 0.006808552745315455, 'time': 0.006578089998345147}, {'in': 0.27397255706723744, 'of': 0.229263407504397, 'In': 0.08921576519578533, 'by': 0.0696522560602629, 'and': 0.0502080034182532, 'with': 0.04504399817474666, 'to': 0.03573826207032728, 'for': 0.034417746309815006, 'from': 0.023524261333306897}, {'and': 0.19996589287677788, 'of': 0.12404696035755172, 'fact': 0.07109471434023039, 'to': 0.06798181000860246, 'all': 0.04133881907028789, 'in': 0.03950463691812143, 'on': 0.03704803049021066, 'at': 0.03692321207966004, 'is': 0.03639105150478309}, {'of': 0.3382967689340539, 'to': 0.10989278978033058, 'and': 0.0974209295273708, 'that': 0.07276388462101609, 'in': 0.061257513379930094, 'for': 0.06091592958809988, 'by': 0.055463917626752714, 'at': 0.053344717711990064, 'from': 0.04121501546909112}, {'he': 0.21808767593858933, 'who': 0.09181235598739591, 'which': 0.0911884341874328, 'He': 0.0756103487620333, 'and': 0.06804506868982634, 'she': 0.05087964599678093, 'that': 0.04558976994587117, 'it': 0.04073551663928269, 'It': 0.03427951175235411}, {'of': 0.2729930376678563, 'to': 0.13399509516045857, 'in': 0.13368943422147397, 'and': 0.07235721443706271, 'for': 0.06654731265153627, 'with': 0.04288526871283282, 'by': 0.038769782250991286, 'on': 0.034391810182049336, 'oi': 0.03337720798908625}, {'is': 0.20239741593469035, 'and': 0.1701723343375885, 'was': 0.10762225410966156, 'are': 0.078890796816511, 'be': 0.06871488005273056, 'or': 0.06680055341671831, 'had': 0.04890013959909613, 'not': 0.048722776151062054, 'were': 0.043263048240169216}, {'it': 0.17776678779967614, 'It': 0.16809858878799522, 'there': 0.10025627436521825, 'that': 0.06123934915215363, 'which': 0.05272845292233261, 'There': 0.051283210902217685, 'and': 0.046909142044591345, 'this': 0.043469416090115086, 'This': 0.038977789806120385}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.12725815709216576, 'to': 0.07711297865492549, 'of': 0.04309896540496772, 're-': 0.03955784757381691, 'that': 0.030829129679599686, 'which': 0.03020400815253195, 'in': 0.028769172281778842, 'for': 0.027628378727491604, 'or': 0.02643878021475059}, {'of': 0.2493496198481151, 'to': 0.12571787450785113, 'for': 0.09722512341884978, 'and': 0.08505088190953408, 'in': 0.08442658535971272, 'on': 0.07995140080529482, 'with': 0.07110815233394337, 'at': 0.04369233615368006, 'that': 0.041137654162330305}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.6827508668567681, 'a': 0.07329579719612915, 'The': 0.036793607863529317, 'tho': 0.03515529524723639, 'and': 0.022910635048016516, 'of': 0.013553644180255727, 'other': 0.012710437990451653, 'tbe': 0.010799375409054466, 'great': 0.010763250910789623}, {'went': 0.0859649131984472, 'go': 0.0740156727463613, 'came': 0.05340569088270274, 'back': 0.046824518702947265, 'it': 0.046591197665674745, 'out': 0.04597094137011748, 'put': 0.04419418637857149, 'down': 0.040075377835223074, 'come': 0.03708818962066005}, {'go': 0.10284791109274076, 'went': 0.09269657453706488, 'going': 0.07532297640312993, 'carried': 0.06808378810060944, 'and': 0.051151718557832654, 'was': 0.04690019452747928, 'goes': 0.042134354207642874, 'came': 0.037297821150009035, 'put': 0.033465237025126944}, {'the': 0.7495598065636326, 'a': 0.06214348847086303, 'The': 0.060311145024712645, 'tho': 0.04720238607036577, 'tbe': 0.01922262476808993, 'and': 0.010830978449158713, 'great': 0.008682723905079267, 'this': 0.007350634812790308, 'his': 0.006673452998953409}, {'all': 0.36005463110507147, 'the': 0.0946749677080289, 'many': 0.07744826046630394, 'these': 0.07671186947584137, 'other': 0.07464431800473724, 'as': 0.048229557924794476, 'and': 0.04544864817828187, 'different': 0.042361641264326635, 'some': 0.04228414771092438}, {'Survey': 0.1418784779600213, 'survey': 0.11364395705811234, 'Cor.': 0.06000725889175091, 'lot': 0.03816023367155589, 'and': 0.034739730519568704, 'of': 0.03421439579990837, 'District': 0.026665194093317784, 'vey': 0.024972979358122153, 'marked': 0.023237340989535022}, {'the': 0.4252145200621117, 'an': 0.14997704383991625, 'his': 0.1160023869330898, 'their': 0.06120632559700488, 'any': 0.047650981494572524, 'a': 0.037114343566532496, 'of': 0.036932828644777344, 'The': 0.036275810697731635, 'in': 0.030878390640479595}, {'the': 0.24289546617674487, 'of': 0.21983799181395358, 'in': 0.1551436170329952, 'and': 0.06767426966366397, 'are': 0.05706571834408316, 'all': 0.03899165849358432, 'In': 0.037715894416085714, 'a': 0.037249826953435754, 'is': 0.03199132484467035}, {'of': 0.2911570311546373, 'in': 0.20693840856578835, 'on': 0.08171435897333215, 'In': 0.07709513435206657, 'to': 0.05133353308395861, 'that': 0.050623824791777725, 'from': 0.04867608872055871, 'and': 0.04497322203211366, 'at': 0.0380979400159526}, {'of': 0.1417774002040076, 'on': 0.08598496363789748, 'the': 0.07762358634988475, 'in': 0.04745515428456234, 'to': 0.04034032502904594, 'and': 0.0387120864175377, '<s>': 0.03158317896132339, 'at': 0.02299463447955959, 'by': 0.021158200563000815}, {'and': 0.08910299087347698, 'pay': 0.037171333486647515, 'demand': 0.035332911923946705, 'ready': 0.03256251981623142, 'it': 0.03087630786445298, 'used': 0.02928928929980389, 'paid': 0.029085597661905004, 'is': 0.028780735467739998, 'not': 0.028449165283924223}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.45703115194632227, 'and': 0.10862349410201448, 'of': 0.03844044024436357, 'The': 0.036050227596698674, 'tho': 0.031480064942941643, 'said': 0.018617986580627112, 'a': 0.016626514097101554, 'an': 0.011871481531836937, 'tbe': 0.011538556482678722}, {'a': 0.15311932951809035, 'of': 0.1486342674337167, 'the': 0.14836014076523796, 'in': 0.07959542406195708, 'to': 0.07454424117713515, 'and': 0.03644433678495053, 'by': 0.028693445094431204, 'an': 0.022037798506692532, 'from': 0.02184976893143549}, {'the': 0.3451459539670012, 'a': 0.2747789830453065, 'of': 0.16282452032084332, 'in': 0.06475926837381366, 'and': 0.02333267397257575, 'tho': 0.019932413974911193, 'The': 0.018482657761211118, 'In': 0.015781210053772168, 'for': 0.009489196606596634}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'the': 0.46451427985435334, 'of': 0.1289230081131159, 'a': 0.12453274166549222, 'The': 0.0471344520422664, 'his': 0.04091293977691791, 'our': 0.03776201160079342, 'their': 0.03499740234478831, 'in': 0.02726637182142069, 'tho': 0.026668692305786088}, {'and': 0.07111456140943417, 'demand': 0.0256852383653999, 'ready': 0.02126273132343757, 'used': 0.020447301910245644, 'time': 0.018506303219785913, 'not': 0.01420080865740985, 'vote': 0.014177945812533595, 'it': 0.01407779232818357, 'candidate': 0.01328644507450521}, {';': 0.03392281045759935, 'and': 0.028243356393383576, '<s>': 0.011029554282563279, 'that': 0.0077654783624293245, 'was': 0.006756564682466778, 'it,': 0.006322975407013471, 'as': 0.006314855175993878, ',': 0.0058091904658374325, 'them,': 0.005556971591168557}, {'the': 0.18865393145556147, 'of': 0.07876966601551202, 'to': 0.06516780582648452, 'in': 0.04591088657868623, 'and': 0.03695614635202506, 'his': 0.02156673461918712, 'was': 0.020470641952462103, 'be': 0.01984258224299472, 'a': 0.01946054634715493}, {'the': 0.46294841120228136, 'said': 0.1981052195679516, 'State': 0.026814104176926284, 'this': 0.025957194592105118, 'of': 0.025236417362670786, 'and': 0.02468841980522418, 'The': 0.022241594508117486, 'tho': 0.02134008627073124, 'a': 0.018866644707786987}, {'is': 0.08731567185918147, 'not': 0.07158821142748106, 'and': 0.06735646867173939, 'able': 0.06552712446242805, 'have': 0.05492408127689525, 'enough': 0.05221950522501504, 'was': 0.04773462975169497, 'ought': 0.044110313194107444, 'right': 0.043890789251160536}, {'of': 0.183174007988886, 'and': 0.13689663693356616, 'a': 0.10890327484068218, 'the': 0.10594199387746805, 'as': 0.09651507642803028, 'so': 0.06288263553331362, 'is': 0.0424907918339303, 'that': 0.039514314625686366, 'very': 0.036442058677228724}, {'at': 0.1940266031990423, 'the': 0.18514778048787295, 'was': 0.13041525518330316, 'be': 0.11263821617050417, 'to': 0.08440925292461243, 'were': 0.06137412312800776, 'is': 0.049452141888430855, 'not': 0.03936597177439344, 'and': 0.03293455448674333}, {'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.1583169087732826, 'and': 0.05850790011231793, 'to': 0.04724159741337511, 'in': 0.03343192750700395, 'on': 0.03279549054220392, 'as': 0.020409780426570063, 'the': 0.01940965513424366, 'for': 0.017142306690149208, '-': 0.01644438934303207}, {'the': 0.5495226613706423, 'of': 0.05590332697552426, 'their': 0.05509545424941008, 'and': 0.03909884484114027, 'a': 0.03816079375300541, 'in': 0.03685400540058339, 'his': 0.03141897260779601, 'tho': 0.028396529282861255, 'our': 0.02808290790881337}, {'they': 0.08050111363183082, 'and': 0.07589451453686281, 'who': 0.055021377248275646, 'which': 0.0446633916621409, 'there': 0.03292924707189225, 'that': 0.030500368019246108, 'we': 0.030494463860600566, 'They': 0.023976458530232392, 'men': 0.021784782375789725}, {'the': 0.41234592491677213, 'a': 0.30731131710695925, 'this': 0.07769541966095415, 'his': 0.05049205308648083, 'The': 0.032636857147852735, 'tho': 0.027392135542263173, 'their': 0.021216454387049843, 'its': 0.01564042746189506, 'an': 0.014812045023534424}, {'and': 0.13737496913991654, 'a': 0.13635213556813333, 'be': 0.13471267591695907, 'so': 0.10091057597537416, 'are': 0.08239486975207622, 'is': 0.067634835742358, 'was': 0.06706437080851504, 'the': 0.056492550814027716, 'been': 0.04052567395616981}, {'of': 0.09825390434438497, 'the': 0.09098418013882137, 'and': 0.07794623491344993, 'to': 0.0534957146415912, 'be': 0.046929961189797025, 'in': 0.03133437670650079, 'or': 0.028248261083669284, 'for': 0.024019135207191417, 're-': 0.02305439953768153}, {'of': 0.11192428370384043, 'the': 0.08412751793771073, 'and': 0.07400700357934795, 'to': 0.06135038068634484, 'by': 0.02830733362014157, 'Mrs.': 0.027028683948762712, '.': 0.023165848247058297, '<s>': 0.022522196873781195, 'said': 0.015705784248670432}, {'and': 0.20004221250502713, 'days': 0.15482059995737366, 'that': 0.05280780952365661, 'soon': 0.0498262347333599, 'day': 0.048024020158511344, 'years': 0.04344724893973587, 'time': 0.04011446299559789, 'immediately': 0.03867264763507466, 'months': 0.036766930815266885}, {'and': 0.20773122473010913, 'to': 0.11791293799380619, 'not': 0.03864917655660312, 'that': 0.028669626964973563, 'or': 0.027268642185432585, 'who': 0.02632755297961615, 'of': 0.025833169924934965, 'will': 0.025426991329114343, 're-': 0.02448046511896117}, {'they': 0.19019433397369567, 'who': 0.12220165578582472, 'there': 0.11300178689929559, 'There': 0.07402548294231899, 'we': 0.06976245352115547, 'which': 0.060552075023441856, 'They': 0.05549309012151191, 'and': 0.04511259958813653, 'that': 0.040653285182193154}, {'the': 0.3627244643155402, 'of': 0.20237978149853494, 'and': 0.07398624287835136, 'that': 0.05804781148123416, 'this': 0.05366469685235042, 'for': 0.05308005629349756, 'in': 0.05041572934310456, 'a': 0.047254786000681684, 'their': 0.028753916989417774}, {'the': 0.36424372446684206, 'his': 0.2012346214919566, 'an': 0.07450348365933439, 'The': 0.07038035678340407, 'their': 0.05274995417810577, 'my': 0.05159730079603049, 'her': 0.04720805560943128, 'His': 0.026227435344469592, 'tho': 0.025126655910560423}, {'thousand': 0.25913405248604005, 'hundred': 0.20103167929444224, 'of': 0.07884901923439033, 'fifty': 0.060463723038123494, 'million': 0.04187833924745979, 'ten': 0.03278950782112379, 'five': 0.03257270842741399, 'the': 0.01614619296602674, 'to': 0.015828933610873328}, {'the': 0.6176397963069842, 'a': 0.15785625481557286, 'in': 0.03989677244399396, 'The': 0.03958057708002553, 'tho': 0.03277485055030119, 'of': 0.026426784591281442, 'and': 0.018872919672401497, 'our': 0.014569669201130208, 'tbe': 0.013441731226471926}, {'the': 0.22725815665467922, 'and': 0.13690617803469282, 'The': 0.08985850670069215, 'of': 0.08566222827194006, 'or': 0.07870675801062513, 'with': 0.0545825174316993, 'by': 0.047438109393211955, 'these': 0.04666852066901178, 'These': 0.04034343476987806}, {'the': 0.32932310924302277, 'a': 0.31962175396507647, 'of': 0.06766139021645522, 'said': 0.04515710343506736, 'any': 0.03909599416662253, 'or': 0.028938061483363628, 'and': 0.028139084542886585, 'this': 0.024558458937439798, 'by': 0.021448627505407655}, {'his': 0.2926122054442182, 'their': 0.14314651385051447, 'her': 0.12522343106910275, 'the': 0.07520390747901516, 'my': 0.0720264643355971, 'our': 0.05075709247481876, 'of': 0.028616578077057933, 'its': 0.02616670222564024, 'your': 0.023522502095191758}, {'be': 0.4058426580516189, 'was': 0.11303315645525254, 'is': 0.10884833640516721, 'been': 0.1012665301435282, 'are': 0.06365125186363142, 'being': 0.04712932868300357, 'were': 0.04025932550384679, 'not': 0.03839403109343343, 'and': 0.025097171343953253}, {'of': 0.24045848023153107, 'in': 0.11853943805894515, 'to': 0.11487368713857893, 'for': 0.07637641815966091, 'and': 0.06876932880504079, 'with': 0.06005178008720892, 'on': 0.04738378429140317, 'from': 0.04069130234169139, 'by': 0.03618077933950323}, {'and': 0.10634795305082738, 'made': 0.06792884950745899, 'or': 0.051216824984681615, 'done': 0.02927542730872772, 'that': 0.023830037623818644, 'but': 0.023522522172319704, 'up': 0.022883833235005188, 'it': 0.021232073888859997, 'them': 0.019946680670644708}, {'be': 0.22809596866304171, 'is': 0.1556312551844185, 'was': 0.12349016453227839, 'he': 0.10899884702454972, 'and': 0.0874860749388384, 'had': 0.05634261126270972, 'they': 0.044139232026647116, 'have': 0.04278356884261496, 'been': 0.039021924218214286}, {'the': 0.15000081682363903, 'and': 0.11547742667905266, 'be': 0.10371281963201773, 'are': 0.09619532614555075, 'is': 0.08110985000796457, 'of': 0.0760079024854072, 'in': 0.06809728482860807, 'was': 0.06714490889323092, 'been': 0.06382691522402759}, {'of': 0.39527303084373194, 'in': 0.09605525744367646, 'to': 0.0753106156244956, 'and': 0.07218187966161803, 'from': 0.04847951658775258, 'on': 0.047432355340163206, 'by': 0.046982098082746504, 'that': 0.04361123194997178, 'with': 0.033787197239716085}, {'and': 0.12222160595943986, 'resale': 0.0705426353984188, 'was': 0.05397780020084415, 'is': 0.04261632375426674, 'that': 0.03933395552224234, 'inserted': 0.03844449403285979, 'be': 0.03210771791541465, 'it': 0.030334600479624278, 'but': 0.029725118463380475}, {'the': 0.4259691355619072, 'a': 0.19587207520210762, 'of': 0.10589262081180179, 'with': 0.050097702654494876, 'in': 0.03985466183440772, 'and': 0.03823072464411278, 'this': 0.036715776992602055, 'The': 0.02869914755294985, 'very': 0.026947916686434124}, {'of': 0.1886776498873363, 'in': 0.16889527319462813, 'to': 0.07695597178557909, 'with': 0.062389605390523406, 'at': 0.06104638472559857, 'as': 0.05200343507503466, 'by': 0.04850421191758419, 'on': 0.048465309037097226, 'and': 0.04779120258200639}, {'of': 0.14018649479381473, 'for': 0.13659692675679594, 'and': 0.10732249673293028, 'in': 0.09120905677258825, 'to': 0.08238904507173966, 'with': 0.06928158814651789, 'as': 0.06175513299367261, 'was': 0.06031394800765453, 'is': 0.05824971039284109}, {'it': 0.1980939307225453, 'It': 0.13525533941982612, 'which': 0.08377684990632499, 'he': 0.06004140654396108, 'and': 0.05966485597150889, 'that': 0.05436830627384283, 'there': 0.04364278051896127, 'who': 0.03177530837613336, 'what': 0.025941575501053388}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.40509148797630024, 'to': 0.08690218284179602, 'in': 0.08438601578907848, 'for': 0.07714011424389351, 'and': 0.06634612721346658, 'that': 0.06233444382726442, 'by': 0.0503810706102284, 'with': 0.04142987894521126, 'on': 0.025832887578861454}, {'of': 0.17931617967313027, 'the': 0.11606859315880509, 'to': 0.06908223538279212, 'and': 0.0430751337165771, 'a': 0.03782442216472284, 'in': 0.03078307819882644, 'on': 0.02745877945655833, 'at': 0.022237561412480816, 'for': 0.019263045117328025}, {'that': 0.3184121930319525, 'when': 0.10869106834482817, 'and': 0.08721605707080288, 'which': 0.0739757339566945, 'as': 0.06381646206292822, 'if': 0.046047329641016176, 'where': 0.04465432055000798, 'but': 0.04348629969204293, 'said': 0.03643585927965661}, {'he': 0.21489713415065373, 'I': 0.16871596536290864, 'and': 0.12320767388906183, 'they': 0.05483983303994408, 'she': 0.049396434394425814, 'He': 0.04846988041360909, 'we': 0.04086472213495649, 'who': 0.03174351877554928, 'then': 0.031252745262272674}, {'of': 0.3352239233249434, 'and': 0.09923046906077554, 'by': 0.08784181513279121, 'to': 0.08617066993467236, 'that': 0.08399379075948452, 'in': 0.07705074548689018, 'from': 0.04366143872236002, 'for': 0.0424323636897502, 'with': 0.03225069185029388}, {'of': 0.2948633407919216, 'and': 0.11691326412674899, 'to': 0.10966754202432835, 'by': 0.0753867135583553, 'in': 0.06013864820620998, 'that': 0.05486171137344591, 'from': 0.046105157392024344, 'on': 0.04590791570429878, 'with': 0.03443088802644954}, {'it': 0.13658167586337025, 'which': 0.12001920240972701, 'It': 0.11782804746711427, 'that': 0.078280563328333, 'who': 0.070133317669197, 'he': 0.06995204226584692, 'there': 0.05496290335222193, 'and': 0.0343987140609245, 'There': 0.029626703982828646}, {'the': 0.19892978671146716, 'a': 0.13492863257036108, 'of': 0.08450384030193307, 'and': 0.05883322517960044, 'to': 0.04123075035735977, 'The': 0.029670925434344526, 'in': 0.029486862351389854, 'as': 0.024750929727294972, 'that': 0.023862517385074347}, {'hundred': 0.047571929263780885, 'one': 0.01845900262286791, 'dollars': 0.0125596825060835, 'up': 0.010677317022507467, 'large': 0.010575243702060963, 'feet': 0.009356118799772849, 'more': 0.008619372456415458, 'day': 0.00802896372147603, 'men': 0.0074334206403044115}, {'the': 0.5823718584673988, 'The': 0.08008928386371564, 'not': 0.06850324416505538, 'is': 0.050272052780755784, 'a': 0.030732844204377042, 'was': 0.028476080578551544, 'and': 0.02820356839175433, 'tho': 0.02095897902602675, 'are': 0.018729606836950043}, {'soon': 0.13799980064629014, 'long': 0.08050709432673299, 'far': 0.07745935642055202, 'and': 0.06278538304162012, 'well': 0.055524081613244645, 'just': 0.04752433083497262, 'much': 0.04001238981967429, 'such': 0.03476361202919884, 'but': 0.02638328563700875}, {'it': 0.1657982808464531, 'he': 0.14888133484777766, 'It': 0.14862566960080198, 'I': 0.08586493645561234, 'there': 0.05715746150960535, 'He': 0.052175707780881826, 'and': 0.03929526355942609, 'she': 0.038870476809679616, 'which': 0.03848203858474434}, {'on': 0.3394196552162401, 'of': 0.1997674306388014, 'in': 0.10024295170100196, 'to': 0.08594131738644252, 'from': 0.051689954557881064, 'at': 0.04307187517258934, 'In': 0.041903690214291585, 'and': 0.03015860811162949, 'On': 0.029371401049351972}, {'.': 0.09267695843736602, 'and': 0.045917422058763986, 'of': 0.0320343097919734, 'S.': 0.031560125789757004, 'W.': 0.03046181835802273, 'M.': 0.030028379815167063, 'A.': 0.029633540539448756, 'the': 0.029564701423884076, 'Mrs.': 0.027142210559866674}, {'and': 0.30433722683786807, 'is': 0.06637872163679079, 'was': 0.05830144302308199, 'are': 0.04940303715519359, 'be': 0.031896643246910314, 'more': 0.031158264124241126, 'were': 0.02328049348565675, 'but': 0.017557251375904324, 'been': 0.017060509378195317}, {'Mr.': 0.3356884133892491, 'Mrs.': 0.10277631597619294, 'Dr.': 0.08759810599411985, 'of': 0.04549716801492583, '.': 0.04167345832473266, 'A.': 0.03757900782431513, 'the': 0.036389923055566924, 'John': 0.030638537943714992, 'M.': 0.02554106502140883}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'and': 0.2162408398259293, 'as': 0.1335782279412154, 'that': 0.12995886061821935, 'but': 0.08100624287575642, 'when': 0.05548334180147201, 'if': 0.05268186063269073, 'which': 0.045668417800539984, 'do': 0.03962832606749992, 'what': 0.03288113593249636}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'and': 0.09233381274533453, 'is': 0.09159860064703555, 'as': 0.05966301852816687, 'was': 0.05409968109607313, 'able': 0.05360682836080113, 'not': 0.05165517376262169, 'enough': 0.044243515730632454, 'him': 0.04351057368283418, 'order': 0.04224418601102514}, {'the': 0.3269201699565898, 'of': 0.20104713782389189, 'said': 0.0547652332599983, 'and': 0.03195203402434296, 'Eng-': 0.03184286482026577, 'for': 0.027327283643463488, 'tho': 0.025961926536834462, 'in': 0.022802166497604522, 'our': 0.022442487845248566}, {'and': 0.10193254722639385, 'to': 0.08880586138751084, 'of': 0.07261052971425654, 'the': 0.0516935556142381, 'in': 0.04091472999479217, 'not': 0.03443208344938554, 'for': 0.03346704098043471, 'that': 0.03122702031639756, 'I': 0.030742846611941065}, {'and': 0.07905148427059763, 'demand': 0.02902512767499608, 'not': 0.02604162685997607, 'used': 0.024976748497618568, 'was': 0.024627668120283212, 'paid': 0.024560786999944784, 'is': 0.022921012069808254, 'them': 0.022839568672106663, 'been': 0.02105616379501384}, {'he': 0.20445395736157337, 'I': 0.14276450173445804, 'it': 0.12468878878851186, 'they': 0.11018193241054297, 'we': 0.056878364699256966, 'that': 0.0481419211068292, 'who': 0.04129435569566563, 'she': 0.040246532028052104, 'It': 0.03461990203372695}, {'do': 0.4013635662234279, 'did': 0.2799238748958291, 'does': 0.09071774343128586, 'could': 0.07512927825327632, 'would': 0.057369592390680776, 'will': 0.04116448750536354, 'should': 0.010610696240531861, 'shall': 0.009677458920967616, 'may': 0.009393502161315669}, {'the': 0.40508507419960166, 'a': 0.1310150304633139, 'this': 0.07111859702153493, 'The': 0.051334848980736425, 'that': 0.03907233805627834, 'good': 0.037224746730334816, 'any': 0.03474099198999374, 'of': 0.031247369430458576, 'corn': 0.028903751249943495}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'the': 0.4463171011950446, 'this': 0.07493507299585651, 'said': 0.06195821861113167, 'The': 0.05819798155565334, 'that': 0.02875216105706192, 'of': 0.026233831699938148, 'and': 0.024059391038279615, 'tho': 0.01913773669849202, 'a': 0.014344401961127176}, {'a': 0.30693970775226964, 'the': 0.1470691446945825, 'so': 0.10203448804983153, 'of': 0.100500752782583, 'is': 0.07312564551703282, 'with': 0.057162178096994115, 'are': 0.051176727190402345, 'be': 0.04951846373087461, 'and': 0.044472088125559237}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.09084514325675806, 'the': 0.08734343955610445, 'of': 0.07447777040748123, 'to': 0.07204341989641444, 'in': 0.026552114158045807, 'be': 0.026186933663089818, 'he': 0.02309066790549096, 'was': 0.020152386641950293, 'a': 0.02015089338046182}, {'of': 0.2673606732755107, 'with': 0.13582954151000723, 'as': 0.08967696245023687, 'by': 0.08336686832690852, 'and': 0.07905877625802497, 'for': 0.055578557997779464, 'in': 0.05422211420695328, 'to': 0.05348455199559179, 'is': 0.049670433399155556}, {'of': 0.1251622780378323, 'and': 0.06851562304702458, 'in': 0.040719327955407066, 'to': 0.03906633471322285, 'that': 0.02957900918683245, 'on': 0.0249281881366002, 'for': 0.02422637637093547, 'things': 0.01655509920241699, 'those': 0.013552355584487058}, {'the': 0.1278258169199782, 'con-': 0.11563626503505449, 'a': 0.10975580925875678, 'certain': 0.043709584298865053, 'and': 0.04284888675113095, 'acre': 0.042438860781836514, 'con\xad': 0.03475667065920471, 'con¬': 0.03401847941941921, 'said': 0.032602323753942904}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'of': 0.24045848023153107, 'in': 0.11853943805894515, 'to': 0.11487368713857893, 'for': 0.07637641815966091, 'and': 0.06876932880504079, 'with': 0.06005178008720892, 'on': 0.04738378429140317, 'from': 0.04069130234169139, 'by': 0.03618077933950323}, {'the': 0.5614823627601662, 'a': 0.14232103861453826, 'The': 0.07066606210335188, 'of': 0.043117275415029535, 'tho': 0.03618390307032696, 'and': 0.024060834757628612, 'that': 0.014629133580841459, 'tbe': 0.013868087803182301, 'this': 0.013256133948667191}, {'It': 0.1844899494602058, 'there': 0.16943159172519223, 'it': 0.15555998406497315, 'There': 0.08546350554130623, 'This': 0.052610572856870534, 'which': 0.038060098362034306, 'he': 0.03667736962235606, 'that': 0.03641475547024969, 'this': 0.031009147688645645}, {'a': 0.7489178338174747, 'the': 0.06721562149680405, 'in': 0.049307805173499634, 'very': 0.025944974352855414, 'of': 0.020904342012323066, 'A': 0.017245303061267966, 'any': 0.013771244465565472, 'some': 0.013731666784567864, 'In': 0.012953838149530788}, {'number': 0.04938870750998361, 'out': 0.042534915585823674, 'means': 0.03030213767116169, 'purpose': 0.024234255077011876, 'place': 0.021816676884618573, 'and': 0.020003613435358086, 'full': 0.019538026345432547, 'form': 0.019057228400770936, 'amount': 0.018452844239897813}, {';': 0.03337343999439399, 'and': 0.02963606124407129, '<s>': 0.010899887252484653, 'it,': 0.009769147815145308, 'that': 0.009136117442413282, 'I': 0.008910337287822073, 'them,': 0.00806131932443764, 'is': 0.007888190591176772, 'it': 0.007787997918355832}, {'to': 0.4898946406803321, 'will': 0.09257321846520382, 'and': 0.08488715481622702, 'would': 0.04431444378166261, 'I': 0.03243374421158306, 'may': 0.02860705311458261, 'not': 0.02666224068136334, 'could': 0.01975112602869007, 'can': 0.018707695437544258}, {'of': 0.49463763758990587, 'in': 0.16069532810497478, 'to': 0.07660896117581904, 'on': 0.0453357677008081, 'by': 0.04432286773450311, 'from': 0.033671960898814295, 'for': 0.03066446520117515, 'In': 0.025073500741298604, 'and': 0.023556710888849825}, {'Mr.': 0.4603039531799578, 'Mrs.': 0.09798694380901882, 'W.': 0.07620107729353359, 'J.': 0.06020263791653378, '.': 0.04986077423403393, 'H.': 0.038065866477436205, 'E.': 0.02989651383952911, 'Dr.': 0.028302492958415693, 'John': 0.027604607564924992}, {'of': 0.16776101519634423, 'in': 0.057602202225400106, 'the': 0.05591645819385074, 'and': 0.053941367630639676, 'to': 0.043348978200011525, 'at': 0.036646219197857106, 'for': 0.03392608803577834, 'on': 0.03064991500668537, 'a': 0.020977167896409014}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'the': 0.6715567232068679, 'The': 0.0673853735435275, 'tho': 0.032329405658302335, 'of': 0.031792615996825584, 'that': 0.027963136788180975, 'this': 0.01989660455706209, 'to': 0.018893596123534837, 'and': 0.016634059170485042, 'any': 0.015554822455041625}, {'it': 0.2767746804462922, 'It': 0.1392847703568759, 'there': 0.07727980240897835, 'he': 0.06667869063938851, 'that': 0.06075776739853867, 'they': 0.048036591824296745, 'which': 0.04432484615907303, 'and': 0.031658081059459095, 'I': 0.019831117151427383}, {'I': 0.2572300128416913, 'we': 0.13818330633429673, 'they': 0.13743063280787118, 'We': 0.09318670847939511, 'who': 0.058994341898112715, 'to': 0.05295662361230825, 'and': 0.044336426810502295, 'you': 0.04223867791131387, 'They': 0.03219948680610231}, {'the': 0.2626174957987907, 'of': 0.2518990704262311, 'and': 0.05844197830921213, 'for': 0.045447346127174285, 'The': 0.040799914545941354, 'plant': 0.03901717866014594, 'that': 0.03174963968275833, 'or': 0.026871949540541284, 'as': 0.025252746020255012}, {'the': 0.22731944024299186, 'of': 0.0817850755366928, 'a': 0.05581032805987794, 'and': 0.05551642666356272, 'to': 0.046331184418261624, 'in': 0.03826341349468067, 'The': 0.02153312954947284, 'that': 0.019711632200655964, 'an': 0.017021749075588802}, {'of': 0.19918160185937317, 'and': 0.18310761864024175, 'but': 0.07172481937693433, 'know': 0.06841218061949143, 'that': 0.044231532007234585, 'But': 0.040836815923745655, 'to': 0.04031646830887951, 'for': 0.03603611895819432, 'knew': 0.03347334860616858}, {'of': 0.14447320141688155, 'and': 0.10511545935918791, 'to': 0.07162039672546686, 'be': 0.06626183687627889, 'the': 0.05721493960312883, 'a': 0.05508140776849775, 'was': 0.039334621663540174, 'in': 0.032513101903594646, 'at': 0.025695402898119887}, {'I': 0.2577890646777993, 'to': 0.12591045475815485, 'we': 0.11058485531782875, 'they': 0.08188233644880458, 'would': 0.07521890527847483, 'We': 0.06751084270725408, 'who': 0.05702531446682005, 'you': 0.05362557653983419, 'will': 0.04541674606479018}, {'the': 0.18442027054308255, 'and': 0.11251088005867635, 'of': 0.09226610279391471, 'a': 0.061234546865910046, 'The': 0.030657142282027445, 'to': 0.029930453669843905, 'was': 0.024344641267382797, 'that': 0.023609461399419315, 'Mr.': 0.02213632731922966}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'of': 0.1281389032781445, 'the': 0.12439246762047244, 'and': 0.055724071704367106, 'in': 0.051259118201261826, 'a': 0.05051378172169733, 'for': 0.040301676841636366, 'to': 0.0338505526091226, 'that': 0.020621772612196613, 'In': 0.01758981245637164}, {'and': 0.45234874106500983, 'was': 0.06089589243359236, 'Since': 0.05911045724109694, 'And': 0.0474051391263292, 'is': 0.023294290191238784, 'were': 0.017036918298101583, 'but': 0.01625133845298488, ';': 0.016033790275689658, 'are': 0.015625691815018963}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.18611710684596544, 'of': 0.11410060706196566, 'a': 0.07020624015845338, 'and': 0.06895949612443308, 'to': 0.062024246664390076, 'his': 0.053063527665576794, 'in': 0.04256505335714858, 'was': 0.0314336539701695, 'be': 0.030628006854710323}, {';': 0.02877053354398717, 'it,': 0.020502635964180487, 'them,': 0.012281323140814482, 'him,': 0.010264542154031074, 'in': 0.00870088368480083, 'time,': 0.00804690296269902, 'him': 0.007734210534366641, 'country,': 0.007172806566910951, 'years,': 0.0065574389468685355}, {'the': 0.23709796920910878, 'of': 0.14814188582684987, 'and': 0.13457438321210854, 'a': 0.0705311627608936, 'two': 0.055238765511113994, 'most': 0.04137071016221672, 'many': 0.025000081629953427, 'three': 0.02449142898327389, 'Two': 0.023471345501639738}, {'and': 0.04581777138032717, 'meth-': 0.04304660871808996, 'of': 0.034540438864178166, 'to': 0.023014862839638196, '.': 0.018160224498106323, '<s>': 0.013935172199149026, 'is': 0.013299392273323113, 'by': 0.012692191040592412, 'with': 0.010435075343588493}, {'of': 0.12120123337161667, 'the': 0.11258714116303128, 'and': 0.0727238360718133, 'a': 0.06471056489578306, 'to': 0.05953639406694333, 'for': 0.05701547910819414, 'in': 0.043722978027122404, 'that': 0.03281078987981236, 'or': 0.018883015501858384}, {'not': 0.3953393271565673, 'or': 0.11637439177133353, 'much': 0.06212373195737271, 'be': 0.05975276317447524, 'in': 0.04882717688003746, 'of': 0.04846793081978685, 'no': 0.043264744664432045, 'for': 0.041036731599823496, 'and': 0.03638672323701197}, {'<s>': 0.059785716259676054, 'it.': 0.032538300105898345, 'them.': 0.019643670891197923, 'him.': 0.012851345897905663, 'country.': 0.009307828078389875, 'time.': 0.008894925286229073, 'again.': 0.0077498389468742095, 'people.': 0.0069521665851421475, 'life.': 0.006640247584528086}, {'he': 0.2839854060675286, 'they': 0.15080299384806667, 'I': 0.1287725790504829, 'she': 0.07621600878388868, 'who': 0.05831123490503631, 'we': 0.0482082275553769, 'it': 0.03818257820757592, 'which': 0.02756703229970527, 'and': 0.027269053196257005}, {'it': 0.1380055711704746, 'he': 0.13066369238095213, 'It': 0.08742162867064365, 'I': 0.06609326203210908, 'and': 0.06275497881075043, 'which': 0.05792243276341005, 'He': 0.04840766057865125, 'who': 0.047381631253241734, 'she': 0.02933538993622778}, {'the': 0.2270031536487461, 'of': 0.10087016006372869, 'and': 0.09172982333578816, 'other': 0.08200054983999504, 'The': 0.06819471657852172, 'a': 0.040599354101527235, 'such': 0.04039849402674089, 'his': 0.03784858452490788, 'their': 0.025600823608055667}, {'and': 0.1321572302373612, 'was': 0.09600155034017636, 'not': 0.07115691619674946, 'in': 0.07086304451467895, 'be': 0.06160681867665343, 'to': 0.06074386118148972, 'of': 0.05638496183710473, 'a': 0.0559427266269665, 'is': 0.05559950822387728}, {'that': 0.17874640111408713, 'as': 0.12378400644567732, 'and': 0.09826724842694445, 'but': 0.06999714397337677, 'when': 0.052429282697662505, 'if': 0.04593690798404369, 'which': 0.04060125482609398, 'what': 0.03931689943288695, 'If': 0.019886553369863193}, {'the': 0.6975200287062916, 'a': 0.0934485829457492, 'The': 0.03147938317457869, 'first': 0.030292358684213216, 'tho': 0.026720079832296142, 'some': 0.023443495521142912, 'in': 0.0227905777723015, 'any': 0.019384031229068725, 'this': 0.016099930303166848}, {'Mr.': 0.206678823054404, 'Abraham': 0.10242747628740698, 'of': 0.09466785621196856, 'in': 0.06349732970033152, 'and': 0.05678999403536942, 'the': 0.04819466175419188, 'so': 0.03927486181557926, '.': 0.0228068263110619, 'President': 0.02243895515779681}, {'there': 0.4898497089165792, 'There': 0.24293166712872877, 'they': 0.07184021182857112, 'They': 0.024590129887685067, 'who': 0.016935530076886883, 'we': 0.01661939476560207, 'and': 0.013939538947910024, 'it': 0.013731997826722065, 'which': 0.012396764245455416}, {'a': 0.24053250347223465, 'the': 0.17011335007638345, 'The': 0.11359943701615106, 'young': 0.08798038200765293, 'that': 0.0665207095469029, 'This': 0.04982196449402573, 'this': 0.04907632832745265, 'one': 0.0333077912356437, 'A': 0.03124609468150087}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.3704403066051271, 'of': 0.11641737688147816, 'and': 0.09551967393927542, 'a': 0.06918787730337317, 'his': 0.040409792380447083, 'in': 0.03493456282331061, 'to': 0.03164422428565886, 'tho': 0.027103507356216014, 'with': 0.025749135963867017}, {'and': 0.236477813015868, 'that': 0.08232943870540889, 'but': 0.08099785593116551, 'time': 0.04358495431595115, 'But': 0.032880542031312056, 'And': 0.023401094685322272, 'me': 0.021522036985825097, 'ago,': 0.017912210582434984, 'even': 0.015842499420410987}, {'to': 0.26058117865872743, 'this': 0.12992513423136337, 'in': 0.11574800567912387, 'of': 0.10910882825671367, 'and': 0.059495270972405125, 'that': 0.058721784833396504, 'the': 0.05450556372607971, 'In': 0.048241981344987465, 'without': 0.04783479848573083}, {'of': 0.3261374273455187, 'in': 0.11723310752643293, 'to': 0.09074755878603473, 'for': 0.08054920265277635, 'that': 0.06363677136919292, 'and': 0.0629821259747308, 'by': 0.05405133921198953, 'from': 0.04604569158500844, 'with': 0.04468087904814632}, {'the': 0.5035969088233586, 'this': 0.21266022536749804, 'a': 0.07363759515213257, 'his': 0.031321220961824235, 'tho': 0.03069446844608479, 'other': 0.02397010883811486, 'our': 0.02359646010719145, 'The': 0.021859026178226403, 'of': 0.0211360643777466}, {'the': 0.17680484051161635, 'and': 0.13532151755024158, 'be': 0.12017218130939811, 'have': 0.07371278458779983, 'had': 0.07124117882412062, 'was': 0.0668974290603025, 'of': 0.06549510297810963, 'has': 0.05921447996317449, 'an': 0.05643637626033216}, {'be': 0.3248152910538614, 'was': 0.16272027035666667, 'been': 0.1463368525760031, 'were': 0.08398820672938921, 'is': 0.07774078113218548, 'are': 0.07213511302504091, 'so': 0.032154062939545605, 'being': 0.02856628343775691, 'as': 0.02153037054978791}, {'the': 0.7071634942237445, 'and': 0.06052102800184287, 'The': 0.05262448839322058, 'tho': 0.041165617565896435, 'a': 0.0315469034822714, 'of': 0.024605578447345264, 'in': 0.017379132280502252, 'tbe': 0.01363904255971152, 'or': 0.01087679705378946}, {'the': 0.6468925780072582, 'The': 0.07994878028955818, 'a': 0.06272158537716761, 'and': 0.05100961949108649, 'tho': 0.037036205325753885, 'tbe': 0.01599990393746002, 'by': 0.00937554947175097, 'in': 0.009306603709602264, 'large': 0.008582211067888916}, {'of': 0.32511202013323776, 'to': 0.10392761654822656, 'and': 0.08763858489534071, 'on': 0.06875093547534564, 'in': 0.0668492940602794, 'with': 0.0651291698641674, 'for': 0.0632814379813737, 'that': 0.06135573242889541, 'by': 0.039961533450710775}, {'get': 0.07173213841506879, 'was': 0.06759495288640666, 'and': 0.06561624249602109, 'him': 0.05191804352667103, 'it': 0.050055576730890734, 'them': 0.04759245041696305, 'are': 0.04655608701837469, 'go': 0.04289741385980777, 'come': 0.040389983849953646}, {'to': 0.35051407875958596, 'with': 0.12824001635004945, 'of': 0.07752284490816634, 'for': 0.07477525286368933, 'upon': 0.04848190620858585, 'told': 0.03606315051077314, 'by': 0.035017572233788985, 'before': 0.02819620277496656, 'on': 0.027052000388785632}, {'and': 0.09233381274533453, 'is': 0.09159860064703555, 'as': 0.05966301852816687, 'was': 0.05409968109607313, 'able': 0.05360682836080113, 'not': 0.05165517376262169, 'enough': 0.044243515730632454, 'him': 0.04351057368283418, 'order': 0.04224418601102514}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'and': 0.07853009151758192, 'it': 0.03739344316679905, 'that': 0.03485969298489158, 'made': 0.030141077053519674, 'was': 0.028939720198207803, 'them': 0.028891411673439706, 'found': 0.027615569792283075, 'is': 0.022963517685877056, 'up': 0.021249603751937997}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'and': 0.10923326145212434, 'was': 0.09850647174885772, 'committee': 0.04740167057293624, 'went': 0.03209774863269363, 'out': 0.029550873024910183, 'be': 0.028124951673416488, 'that': 0.027230135067134176, 'is': 0.026371003820723934, 'up': 0.026239364457132007}, {'is': 0.1462155899272106, 'as': 0.11860211877875308, 'too': 0.10336165422556261, 'and': 0.09576824356176196, 'are': 0.09217979753054208, 'a': 0.09087803137500952, 'be': 0.07837514613687954, 'of': 0.0658692689598508, 'so': 0.061543055573510336}, {'a': 0.2893176637420189, 'the': 0.22436594042460015, 'The': 0.1242780499011258, 'A': 0.089776351864663, 'his': 0.05965050631363889, 'this': 0.05779738571275925, 'This': 0.029251509966080252, 'His': 0.02758214744239162, 'my': 0.023025342163212094}, {'not': 0.4498398914089045, 'was': 0.09193095353039611, 'is': 0.08262550134357761, 'be': 0.052877051606203214, 'and': 0.04961211943891753, 'are': 0.04148215600016224, 'the': 0.03204338072732011, 'were': 0.02914430757422963, 'Not': 0.028314682486464685}, {'the': 0.44509901053089346, 'of': 0.27629102103511355, 'and': 0.04577034638911779, 'The': 0.04529320024041853, 'tho': 0.02856836362426508, 'an': 0.02266833420815091, 'in': 0.019521122909497805, 'South': 0.018397541393449148, 'North': 0.01604958127985262}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'and': 0.13860942679506305, 'he': 0.07584591863401416, 'be': 0.05958437349767403, 'who': 0.057436711481024284, 'it': 0.05382411422029041, 'one': 0.048373423701450126, 'man': 0.03265137794002928, 'was': 0.029387683475902537, 'all': 0.028543941789610852}, {'are': 0.15653954391661637, 'is': 0.14752908471772194, 'by': 0.1259801504022967, 'and': 0.07222710783175966, 'of': 0.06425436756199833, 'was': 0.06152870452685205, 'the': 0.05889726564390046, 'be': 0.05728416782967186, 'more': 0.056625629923479574}, {'more': 0.31588809367034704, 'rather': 0.10173832112722421, 'less': 0.0744095556796587, 'better': 0.049681797016592, 'greater': 0.0426848394290795, 'other': 0.02450247056118549, 'and': 0.0173884129458474, 'higher': 0.016947699139678047, 'worse': 0.015800314921741207}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'the': 0.21267678832386677, 'of': 0.08708600257274064, 'and': 0.06477758891167025, 'The': 0.0465053283139711, 'that': 0.03846121527331402, 'a': 0.03739753797382161, 'Mr.': 0.030595295835951067, 'in': 0.028094978406717756, 'which': 0.02252206489593136}, {'the': 0.4439307023832243, 'of': 0.11506341144783797, 'at': 0.0930373220946663, 'a': 0.07728897059383269, 'for': 0.03383775644206154, 'in': 0.02990439307475166, 'to': 0.026171638266661596, 'and': 0.02577364885433936, 'The': 0.022145951062898666}, {'the': 0.5261471975525284, 'a': 0.10979847581765466, 'of': 0.06248253581464976, 'this': 0.05076222505023498, 'an': 0.046306108007610196, 'The': 0.033127181322206455, 'such': 0.03238966353021232, 'tho': 0.031046695279465086, 'other': 0.03048912351285498}, {'of': 0.39705974361899365, 'in': 0.09794145818043996, 'to': 0.08945082322096311, 'on': 0.07016137696299295, 'that': 0.060732734944291926, 'from': 0.048004336672945014, 'for': 0.04451843850975777, 'and': 0.04385288787970303, 'by': 0.03907914976761935}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'of': 0.18629311801755571, 'in': 0.1625378114559723, 'the': 0.15893777194924638, 'to': 0.06464619155077936, 'a': 0.0637448033243502, 'In': 0.040416013965049805, 'and': 0.03705980124690563, 'from': 0.024272727570619337, 'that': 0.01878582407196309}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'of': 0.16769463910179438, 'and': 0.13400447066350962, 'know': 0.12208675262268037, 'to': 0.10155367698060405, 'see': 0.06092017417575827, 'for': 0.05486066109789251, 'just': 0.04706437261985872, 'in': 0.04657974737512612, 'with': 0.041859063530203494}, {';': 0.02233064637501378, 'it,': 0.018749082152003636, 'here': 0.014054947500137435, 'him,': 0.01376941704856064, 'them,': 0.010965308347617836, 'him': 0.00934980446579382, 'up': 0.009346363139294846, 'time,': 0.008972603410488025, 'in': 0.00793939900852547}, {'of': 0.12844192869237697, 'and': 0.05557903306539769, 'in': 0.05168248107466131, 'that': 0.04811523298319257, 'for': 0.02806706937661881, 'to': 0.015273160824528873, 'on': 0.013552589472690486, 'but': 0.012265233849584863, 'from': 0.011358401096651965}, {'six': 0.05585353362943957, 'four': 0.05121388815446268, 'two': 0.04978006372945178, 'the': 0.044616140931329075, 'hundred': 0.04451263757628273, 'three': 0.04359740238289957, 'five': 0.03284917876764604, 'fifty': 0.032084517357289455, 'their': 0.03156530818251298}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.11248622904980148, 'and': 0.09400344547018621, 'on': 0.04217163309551511, 'to': 0.033057131223336284, 'that': 0.03015229054055898, 'for': 0.029671647307591868, 'in': 0.017509645030493754, 'with': 0.015813351092057296, 'from': 0.01564140087133782}, {'the': 0.2754163660093679, 'that': 0.12921827778556638, 'this': 0.10811533011762023, 'same': 0.1058424642186171, 'short': 0.09232029966348516, 'a': 0.07734601995709886, 'some': 0.0643497243421222, 'long': 0.048226205306706675, 'first': 0.03834440970444978}, {'in': 0.37845433526659933, 'the': 0.18445310316419072, 'In': 0.10171967251718503, 'a': 0.09148250859940796, 'take': 0.0775899422216241, 'took': 0.036324571764191224, 'and': 0.022421338507606553, 'or': 0.021199335893820063, 'have': 0.02015228180616662}, {'was': 0.13372785895160402, 'be': 0.09762452351357676, 'and': 0.09469042770357125, 'is': 0.09017462046552616, 'I': 0.06461557561564886, 'not': 0.059196279591017094, 'had': 0.05126334281304968, 'that': 0.04675204241600106, 'but': 0.041129853153750756}, {'the': 0.6733548977818091, 'and': 0.05913008963793581, 'a': 0.05565861931952262, 'The': 0.04012448362420417, 'to': 0.038201287385428516, 'tho': 0.03543351703496751, 'tbe': 0.014727990926261168, 'in': 0.012735370614135226, 'his': 0.012155450268142706}, {'and': 0.166828420937955, 'that': 0.12471031169483333, 'as': 0.10188858362052708, 'which': 0.04493180381212814, 'but': 0.036784970856176824, 'when': 0.030261852962759697, 'of': 0.026697218890864766, 'for': 0.02094856544803544, 'the': 0.018554527988071005}, {'an': 0.2765303694397586, 'on': 0.2037415079053679, 'to': 0.09331507138363483, 'the': 0.05929187788741029, 'no': 0.051066040979558545, 'this': 0.04695681579434069, 'and': 0.041783051860998545, 'his': 0.03930702017939042, 'of': 0.0378001498348936}, {'the': 0.34237361413156464, 'of': 0.17813079926091782, 'in': 0.11927561125832384, 'The': 0.10177116670336794, 'In': 0.03748616155728763, 'and': 0.027379899084031142, 'that': 0.026869657659977914, 'Mr.': 0.021461520700274753, 'tho': 0.02010803630236722}, {'the': 0.07165955468272174, 'of': 0.057339511032428236, '<s>': 0.05055248042214687, 'and': 0.046606295712152225, 'a': 0.022764472595212838, 'as': 0.021412996018897488, 'to': 0.015399620942905052, 'that': 0.013950376044625911, ':': 0.013689308039260845}, {'the': 0.20007041888896113, 'of': 0.17465775199686515, 'such': 0.09751135508080387, 'in': 0.09183018940405069, 'his': 0.08873069423628066, 'a': 0.07108464797796646, 'their': 0.050970995538536026, 'and': 0.04825605811995438, 'doing': 0.025033356360008665}, {'and': 0.06768249648771371, 'closing': 0.05038441006242118, 'was': 0.030106359721431927, 'valued': 0.02402480983540195, 'held': 0.021992507596520498, 'sold': 0.020844680257419507, '2': 0.02033818480455847, 'is': 0.020075600303976093, 'arrived': 0.019016818863824298}, {'that': 0.1461389414237946, 'and': 0.13157392594880657, 'which': 0.06878683287091705, 'as': 0.06424013975829826, 'but': 0.046049007463605136, 'if': 0.03811079015849168, 'what': 0.033554706188989536, 'when': 0.031747219302457795, 'If': 0.015728611135024904}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'be': 0.2041088532057986, 'was': 0.175048394201427, 'is': 0.10013552528532095, 'been': 0.07051631369465824, 'have': 0.04638565789962159, 'were': 0.042382087439454666, 'and': 0.04176844084997601, 'he': 0.039170136763716126, 'had': 0.036239275556607255}, {'the': 0.5906909514904795, 'this': 0.03435983331380034, 'tho': 0.022844066373813962, 'American': 0.017249463349488982, 'of': 0.01679632263448694, 'Mississippi': 0.015424615355076719, '<s>': 0.014437136201745368, 'York': 0.013573400880882106, 'States': 0.013510550972085006}, {'went': 0.08320836284183304, 'made': 0.07394896585431059, 'taken': 0.07344849414740509, 'came': 0.07215442410204481, 'it': 0.05769464925468661, 'come': 0.05211757525040732, 'put': 0.04605146975756809, 'brought': 0.04233427310846355, 'and': 0.0358216469033093}, {'of': 0.5581584441856174, 'in': 0.1674768767272948, 'the': 0.049993241869315426, 'In': 0.03277141367726631, 'and': 0.029239826126683695, 'for': 0.022694790610684395, 'that': 0.02171572143009991, 'or': 0.01081999568241829, 'by': 0.010738232706116287}, {'and': 0.07931820177120426, 'able': 0.06984439759076004, 'enough': 0.0685460501608367, 'is': 0.06639780498101963, 'necessary': 0.06187232953723162, 'him': 0.0604709468793701, 'not': 0.05339255909827889, 'right': 0.05112659496155279, 'me': 0.047052885981550614}, {'the': 0.17389047817391742, 'of': 0.13089961114705218, 'in': 0.10371159794042839, 'a': 0.1029879415214007, 'and': 0.06702436756007331, 'by': 0.04405569045769242, 'from': 0.043777931388970126, 'their': 0.035636520470168416, 'his': 0.03329293949786864}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.07841409417302922, 'in': 0.05465599487796992, 'the': 0.04979290522223303, 'and': 0.04140330762376429, 'at': 0.03869107939032681, 'to': 0.019988160449236906, '<s>': 0.017944480026387072, 'In': 0.01661700071718563, 'a': 0.015657850489356303}, {'be': 0.16893818582911393, 'was': 0.16067913223337407, 'he': 0.11082967564845143, 'and': 0.09782237051313299, 'I': 0.09124434880951028, 'is': 0.07134268226658123, 'been': 0.04912822794759051, 'they': 0.04266097095297298, 'have': 0.04132119573407995}, {'and': 0.2397849963173533, 'to': 0.07390940776641407, 'so': 0.05780292643962356, 'fact': 0.05761069593854335, 'say': 0.04817655145807027, 'know': 0.043364939508386616, 'of': 0.039266019044704635, 'but': 0.038499900416949305, 'than': 0.03633016663780888}, {'and': 0.12191420510208169, 'of': 0.08954288689910814, 'the': 0.07989303615061726, 'in': 0.06918255258948722, 'a': 0.056105698657738415, 'to': 0.04488648612207273, 'for': 0.029843473154633655, 'that': 0.02811330746742083, 'an': 0.02471266025729701}, {'in': 0.23206319097725536, 'to': 0.19454359530501525, 'of': 0.13954432674127354, 'on': 0.09813575369882435, 'In': 0.06622507389887075, 'at': 0.06374406830023553, 'with': 0.03472826318203744, 'and': 0.03277266601921151, 'from': 0.030380107339129717}, {'part': 0.07196025971506713, 'one': 0.07000355279264338, 'some': 0.04307302051471967, 'out': 0.035392916858036194, 'members': 0.02550305881294491, 'and': 0.022215776852222372, 'tion': 0.0216911631781865, 'portion': 0.020842143848213566, 'side': 0.020717751768984743}, {'the': 0.5327077815993662, 'of': 0.05507010710074552, 'American': 0.05038304307260725, 'many': 0.04589413237596895, 'our': 0.04511352063720486, 'The': 0.04478810904209565, 'young': 0.04308501066737992, 'a': 0.036989205791903845, 'colored': 0.028055601598788477}, {'of': 0.3072876424309072, 'and': 0.1583844568571114, 'the': 0.11215110506970262, 'that': 0.04504511039929715, 'in': 0.03818152218773167, 'as': 0.03564284373621525, 'for': 0.03238964695449575, 'or': 0.03136755828281416, 'The': 0.029364435241245587}, {'the': 0.19629540190355835, 'of': 0.098002493351031, 'and': 0.07531889769342809, 'to': 0.03644338605020613, 'in': 0.03159514072918198, 'a': 0.024619641154903036, 'at': 0.023711357679611713, 'or': 0.016755330411883294, '.': 0.014459658557744268}, {'the': 0.22021071011127422, 'of': 0.11294208545245588, 'to': 0.07125237852160571, 'and': 0.07101614341950359, 'a': 0.06616853053896198, 'in': 0.036781217716281595, 'be': 0.02915794304733851, 'his': 0.027785375346651705, 'is': 0.023687777359663806}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'be': 0.252424756427517, 'debt': 0.1927785052209391, 'been': 0.09068500956608835, 'and': 0.0870069971609544, 'was': 0.06793155155939298, 'were': 0.045761079854865945, 'is': 0.045628670642865715, 'are': 0.04275272939307557, 'he': 0.03976233940391125}, {'and': 0.0786291904698307, 'heirs': 0.03415515772009617, 'was': 0.0337247797437317, 'proceeding': 0.03203410064112817, 'that': 0.027977363076054664, 'held': 0.022230945717260184, 'as': 0.02147325476164318, 'sold': 0.019956762294088635, 'closing': 0.019134881566756374}, {'and': 0.19256644626304983, 'was': 0.06480568933384176, 'to': 0.06342421852394713, 'is': 0.05195311288774643, 'are': 0.034315699470109616, 'not': 0.03349208398253762, 'had': 0.033409826390898935, 'that': 0.032877414999384465, 'of': 0.032547802765117206}, {'and': 0.08893129108191757, 'as': 0.057293781335983146, 'up': 0.03759840663759415, 'it': 0.035227285112725805, 'addition': 0.03440683146044206, 'according': 0.029638472910600615, 'them': 0.02888547448012506, 'him': 0.025038346768410588, 'entitled': 0.02447746858718694}, {'that': 0.33854142294661127, 'and': 0.17287487631504858, 'but': 0.06158247254146729, 'if': 0.04151271576135272, 'when': 0.04112976076723666, 'where': 0.03958392641855972, 'which': 0.03645630386373358, 'as': 0.0338366146344366, 'Then': 0.023312998937073733}, {'and': 0.10368125556744343, 'demand': 0.03962680780480571, 'made': 0.02723559328847391, 'vote': 0.026587997266070324, 'provided': 0.023722725849124927, 'provide': 0.022434941139339814, 'necessary': 0.02200697844417417, 'reason': 0.020357678737611254, 'ready': 0.019656165078622553}, {'give': 0.19379664114700915, 'gave': 0.1665395900501525, 'to': 0.15290482642254108, 'with': 0.07854791855568372, 'for': 0.06483742429731709, 'make': 0.05702703026665743, 'made': 0.03483116695744896, 'told': 0.03445561973805614, 'by': 0.031034083542751365}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'W.': 0.10801186813361298, 'J.': 0.09056439622802605, '.': 0.08318325132012207, 'A.': 0.07601634122278927, 'Mrs.': 0.0756667641375786, 'Mr.': 0.07449510926811406, 'C.': 0.0657763266942058, 'M.': 0.05942883223342269, 'John': 0.049905170194555794}, {'of': 0.2641703015273553, 'to': 0.11833217275210203, 'that': 0.11113357717610435, 'in': 0.07458202063852, 'and': 0.06666291594778014, 'on': 0.05526243687962229, 'at': 0.053189967238339894, 'for': 0.04377388524019751, 'is': 0.03876411730134316}, {'of': 0.17266998263799538, 'the': 0.16072958273047985, 'and': 0.1114158176299586, 'to': 0.05317506490194342, 'a': 0.04848287209157092, 'for': 0.026651729320788266, 'at': 0.02630768551786558, 'or': 0.02503589385001282, 'in': 0.02172660076995213}, {'the': 0.3523529772713696, 'of': 0.20095648971443783, 'The': 0.1284859028437902, 'that': 0.050244095132097946, 'in': 0.03822390853102256, 'and': 0.03720167867891032, 'a': 0.02925471388975724, 'such': 0.02571434735731606, 'an': 0.025396560633750006}, {'and': 0.2976825328200633, 'so': 0.08021081890326301, 'fact': 0.06445310121229958, 'to': 0.06164431741717025, 'is': 0.04004281229470681, 'of': 0.03845096000563463, 'do': 0.037511873530850386, 'say': 0.032999567720837654, 'than': 0.03242184433310364}, {'and': 0.1442586455752317, 'to': 0.10313058930231049, 'the': 0.07972579794750767, 'of': 0.06307515840188878, 'in': 0.03842934744818376, 'that': 0.033864985203597375, 'or': 0.02676032985192559, 'a': 0.023098309023571323, 'an': 0.02267667874421528}, {'a': 0.1319274992241834, 'the': 0.1126467088732579, 'of': 0.0992861023170573, 'and': 0.09337172088370174, 'to': 0.059202365434646395, 'in': 0.053542385086574655, 'for': 0.0525690744708229, 'that': 0.034681604039684566, 'by': 0.025915886944685638}, {'has': 0.39801257042728927, 'had': 0.3004442436339008, 'have': 0.2144562639035658, 'lias': 0.013502563647799198, 'is': 0.01181086547269254, 'could': 0.00887399309108857, 'it': 0.008349259475610821, 'was': 0.0074059382682439764, 'bad': 0.006511901174189145}, {'.': 0.060992406701101946, 'the': 0.060800424567419485, 'and': 0.045214454443163625, 'of': 0.04176129168436816, 'to': 0.03151137566741004, 'Mr.': 0.024959508656816325, 'Mrs.': 0.024785232811227822, 'Miss': 0.02472861658336402, 'a': 0.022165872680971945}, {'the': 0.44284572319603255, 'and': 0.12277129519511853, 'any': 0.06327267297135868, 'of': 0.05850826991388529, 'no': 0.05402636410494731, 'that': 0.04171994148192426, 'a': 0.038666618451272894, 'to': 0.03443445283118744, 'this': 0.03204273399712758}, {'the': 0.164650940278495, 'a': 0.1117150319186204, 'and': 0.0981287836396534, 'of': 0.08590183932970924, 'to': 0.05118086087180359, 'is': 0.028205911523740457, 'are': 0.024426306560877804, 'or': 0.024302556487093112, 'in': 0.02196306770645851}, {'<s>': 0.05076334895725361, 'it.': 0.021593199303124463, 'that': 0.019681007295957842, 'him.': 0.017845269014920104, 'and': 0.01525933341714783, 'them.': 0.011529175350179725, 'years.': 0.01045752462741044, 'time.': 0.008216717667281275, 'her.': 0.00794108447039176}, {'the': 0.48623345806094714, 'a': 0.11778114643504417, 'and': 0.09574429166053236, 'of': 0.05517182847330158, 'to': 0.03654774333716594, 'in': 0.03235589215562168, 'The': 0.029523383909728407, 'tho': 0.025490235212048136, 'or': 0.02048134480771155}, {'the': 0.25257642360800897, 'of': 0.09665909205484033, 'and': 0.08126895026029926, 'a': 0.04817485868720767, 'at': 0.03411549642773746, 'to': 0.03038815928255674, 'The': 0.026210619897091503, 'in': 0.02035719137633921, 'tho': 0.01818199055334994}, {'he': 0.14913747756320628, 'it': 0.10720065344457635, 'they': 0.06846908467864729, 'that': 0.05965114158655367, 'I': 0.057245535004312356, 'and': 0.052044090140511506, 'It': 0.04959069941199372, 'who': 0.04798811707164546, 'which': 0.04452618988198931}, {'and': 0.11982752911859226, 'the': 0.11766957133752474, 'of': 0.08660031149536133, 'to': 0.04488044951903916, 'a': 0.030802360024019544, 'he': 0.030433514175527965, 'which': 0.028565942962264425, 'that': 0.025158476707235724, 'be': 0.024344895554231114}, {'the': 0.3336324164292787, 'such': 0.16223196225109165, 'said': 0.09384824352513202, 'no': 0.07873394891328121, 'this': 0.06261336330654653, 'that': 0.05292386055622622, 'and': 0.047873371685232764, 'any': 0.03797255968007673, 'The': 0.031314885222285}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'and': 0.1621199527651471, 'to': 0.11436630760286903, 'of': 0.07085304127022868, 'the': 0.056055475673552416, 'not': 0.037472071062489676, 'or': 0.026920160460839743, 'he': 0.02672327009876835, 'have': 0.023517992575236183, 'who': 0.02249315173292896}, {'of': 0.1143170054219387, 'in': 0.09345984920798195, 'and': 0.06205078020031181, 'with': 0.04881288247242356, 'by': 0.04038289208083301, 'on': 0.03423972205490122, 'for': 0.030198719236888487, 'to': 0.02983996215714142, 'In': 0.028409400353709542}, {'those': 0.20161916049172074, 'and': 0.0762613597745137, 'men': 0.07155791002208148, 'man': 0.062113047542169994, 'all': 0.050564988898074995, 'one': 0.04048104967179297, 'people': 0.0403930340182165, 'persons': 0.02882607143702544, 'person': 0.027134580288273986}, {'they': 0.15950076897412616, 'there': 0.06559986728696533, 'and': 0.060166833186025254, 'who': 0.05674934711250563, 'we': 0.044632261863838334, 'which': 0.044201187976166775, 'They': 0.035295914647178746, 'There': 0.0305925825622932, 'that': 0.029694253920493217}, {'to': 0.43189331238499457, 'the': 0.08329583610686955, 'and': 0.0675656157464565, 'in': 0.06560709373734636, 'will': 0.058502416106357466, 'a': 0.05613689930545907, 'of': 0.03431064101547542, 'would': 0.02670502876771188, 're-': 0.026020964829232846}, {'of': 0.2002394265962747, 'to': 0.1359856721279977, 'in': 0.11473153473349675, 'with': 0.1074243182438777, 'for': 0.09817431736334191, 'on': 0.07831090003239634, 'and': 0.06185271707480323, 'by': 0.05965245853033817, 'from': 0.03587500804824446}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'the': 0.22207346289447277, 'of': 0.12163419628705441, 'and': 0.06609085775237504, 'a': 0.06188283641730188, 'to': 0.06091087649853679, 'be': 0.054529241275217966, 'in': 0.03703597140862911, 'his': 0.0366124919244103, 'was': 0.03594747697010504}, {'the': 0.17538861388443763, 'of': 0.12132041797037024, 'and': 0.053920438867976386, 'a': 0.030927122708391173, 'for': 0.02555072692504343, 'to': 0.021418880787991295, 'at': 0.01726746185421938, 'by': 0.015967412440760397, '<s>': 0.014796288595384571}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.2514051854042565, 'the': 0.2382775403767472, 'in': 0.12904781018735736, 'In': 0.046935849693670526, 'and': 0.028585448351650233, 'for': 0.019923485871441538, 'to': 0.018149900684801032, 'at': 0.01624693276692387, 'The': 0.015057555714996392}, {'they': 0.13899946333319207, 'there': 0.09409326609750748, 'we': 0.07768561805691505, 'who': 0.07121629084598241, 'you': 0.05680273361069536, 'which': 0.05083403780420715, 'and': 0.04358920139359782, 'There': 0.04241140625288342, 'that': 0.04106688905384251}, {'the': 0.28288231808367553, 'of': 0.23674850497974875, 'a': 0.10294016177198174, 'this': 0.08154105475764997, 'civil': 0.07028120843950142, 'for': 0.04566099746549389, 'in': 0.044220359926358706, 'from': 0.02138831422749907, 'to': 0.021166157792713945}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.35346032144368056, 'was': 0.25044225192869574, 'is': 0.08199379840619246, 'He': 0.0690198582653568, 'were': 0.03840852825009629, 'are': 0.028456322821203864, 'he': 0.019193821535867624, 'be': 0.012932986465179468, 'I': 0.012332457100648496}, {'the': 0.15887293009254722, 'of': 0.09531862518082686, 'and': 0.09056112521371108, 'to': 0.056840679962186266, 'a': 0.05062929194793703, 'in': 0.030301828775250242, 'at': 0.0259192828150576, 'or': 0.019826187900109468, 'The': 0.014887185903073273}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'the': 0.2455588803091329, 'a': 0.14491954101342355, 'of': 0.0793347786480987, 'and': 0.0464129719348199, 'The': 0.03865755705895791, 'to': 0.027451520357729683, 'an': 0.02704255320114307, 'his': 0.019188613512868758, 'A': 0.016603383271133025}, {'the': 0.1446436710998816, 'and': 0.07848545661333316, 'of': 0.07382098449263585, 'an': 0.04024135085561085, 'in': 0.029519207584654684, 'to': 0.02734043170776504, 'that': 0.024023189582153565, 'for': 0.021984813590152488, '<s>': 0.018491537760070745}, {'has': 0.3355950528870217, 'have': 0.27578963189995415, 'had': 0.2007410390192218, 'not': 0.04619520443992522, 'having': 0.029835273987166244, 'bad': 0.017851199446332473, 'lias': 0.01645204473755108, 'never': 0.015837303730557493, 'ever': 0.011083707757146583}, {'and': 0.09475759669444041, 'of': 0.0836902920256213, 'it': 0.05607613143203284, 'do': 0.04833807733303895, 'by': 0.03916874840474397, 'for': 0.03643214894994296, 'be': 0.03507524295762306, 'was': 0.0348643340523221, 'he': 0.03202879169296826}, {'and': 0.1707364405602559, 'to': 0.15339059262284385, 'of': 0.05705458234095765, 'the': 0.0460848465262613, 'he': 0.044286855957335086, 'be': 0.03302992954068667, 'who': 0.027958928123384474, 'in': 0.027266617287251896, 'I': 0.022936698284572375}, {'more': 0.0318945857930987, 'two': 0.031563610257246855, 'day': 0.030594047670477104, 'one': 0.021166316185426776, 'on': 0.020534152537308007, 'three': 0.01606596236830442, 'ten': 0.016033130129182678, 'state': 0.016008494029422605, 'lot': 0.015030033701500828}, {'the': 0.503926018610722, 'a': 0.2632938078750143, 'The': 0.06735062197456751, 'and': 0.04590882911423104, 'very': 0.02501394099571575, 'tho': 0.024079307720400567, 'of': 0.014957951839218228, 'be': 0.009650324248223466, 'no': 0.009535114292464186}, {'of': 0.25927901694513655, 'to': 0.11833778817668908, 'in': 0.10984372086691467, 'and': 0.1055763009855901, 'that': 0.09575818125104683, 'for': 0.07978681360153093, 'with': 0.044544097162638005, 'by': 0.0439926206816373, 'In': 0.03127006050303833}, {'of': 0.24140876344023526, 'in': 0.12189381495486303, 'with': 0.10573843470698942, 'is': 0.0860783288757891, 'to': 0.07709479195077518, 'and': 0.06925985472883499, 'for': 0.06615255182307507, 'was': 0.05135551966740381, 'by': 0.042004463184317116}, {'the': 0.24813546181440554, 'a': 0.12786992394066807, 'at': 0.07825896165837708, 'and': 0.07564117300215702, 'of': 0.04535791781186643, 'in': 0.04028261888337063, 'to': 0.03394686057659201, 'an': 0.018411977981381927, 'for': 0.016163558496144897}, {'the': 0.3656037720929683, 'to': 0.13736042776448704, 'his': 0.10239097414494444, 'their': 0.0640767127963174, 'of': 0.05409421999024717, 'in': 0.048542768028183456, 'a': 0.04616430222957692, 'at': 0.02658165612194964, 'and': 0.02574915745359452}, {'and': 0.09373567240246293, 'depend': 0.03836338004663328, 'based': 0.03824772294080833, 'placed': 0.037658878880170873, 'depends': 0.03741630306694303, 'called': 0.03668431560508889, 'down': 0.03262298769122071, 'made': 0.03233144866418736, 'effect': 0.02839860992487969}, {'is': 0.12973544061217818, 'of': 0.11608989495860367, 'in': 0.11203005657738177, 'as': 0.10510405538341974, 'at': 0.09232613683936225, 'was': 0.08540258192063596, 'to': 0.08161486719663696, 'with': 0.07673767933365205, 'and': 0.0735641665002945}, {'that': 0.15184908899470123, 'and': 0.12197354279476795, 'which': 0.09440559259915045, 'when': 0.07069247508494353, 'as': 0.06326763458574844, 'to': 0.06090439369252156, 'if': 0.03189693908362385, 'will': 0.031707243039532644, 'but': 0.02993207711120099}, {'time': 0.016579441813686143, 'it': 0.014523086003097074, 'up': 0.013331755166027965, 'him': 0.01198890807741357, 'lying': 0.011405929532811594, 'day': 0.009962024440116492, ';': 0.00978317645244567, 'dollars': 0.009507620754610834, 'it,': 0.008670224775434119}, {'he': 0.2989235445551411, 'He': 0.12575120502815976, 'who': 0.06971518893616552, 'one': 0.05932948696631518, 'it': 0.0542953062740609, 'she': 0.04612653209807964, 'I': 0.044163099558409816, 'everybody': 0.037280107630553797, 'It': 0.027859084428188186}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.1163419761332557, 'of': 0.10297471757800165, 'to': 0.09415471994961075, 'the': 0.09058168262079154, 'in': 0.03435162090594958, 'or': 0.02439619032095448, 'be': 0.023416476628463825, 'a': 0.021746322612424755, 'was': 0.01970754117802618}, {'and': 0.09714512627284802, 'was': 0.07768814207318007, 'are': 0.06883359648029781, 'is': 0.06270546108523482, 'were': 0.03638887836334512, 'be': 0.0328593483854668, 'been': 0.029855117588178232, 'that': 0.024356268807737464, 'it': 0.019722325312671957}, {'and': 0.12222160595943986, 'resale': 0.0705426353984188, 'was': 0.05397780020084415, 'is': 0.04261632375426674, 'that': 0.03933395552224234, 'inserted': 0.03844449403285979, 'be': 0.03210771791541465, 'it': 0.030334600479624278, 'but': 0.029725118463380475}, {'Secretary': 0.07562884545363212, 'out': 0.04316424371016019, 'state': 0.04229422374596975, 'city': 0.03311425642250153, 'State': 0.031323031321488934, 'line': 0.02502206771018073, 'City': 0.023026505635253755, 'number': 0.022847657652449005, 'day': 0.022407326228363115}, {'of': 0.31988050280229907, 'to': 0.13268671750590666, 'in': 0.08085919858138926, 'for': 0.0778794542676025, 'and': 0.07566424829348511, 'by': 0.05840429966637695, 'with': 0.056590836161072085, 'that': 0.053645994045949934, 'from': 0.02969607343996025}, {'per': 0.8700491579110853, 're-': 0.01840964298469229, 'one': 0.011923533532157124, 'a': 0.011248507640010796, 'por': 0.005898601051476579, 're¬': 0.005397309129804117, 'ten': 0.005268166866592701, 'the': 0.004461262380040181, 'six': 0.0036733545902542094}, {'to': 0.5685307249389088, 'and': 0.11253263234357627, 'will': 0.04986333091246695, 'not': 0.03942424950904091, 'at': 0.035541225690735, 'would': 0.016328236488376842, 'the': 0.01571638578783376, 'a': 0.015609216239660065, 'they': 0.014143072205586438}, {'it': 0.13605435632107635, 'that': 0.10585103616980716, 'he': 0.08449575911509653, 'they': 0.08312325752824481, 'which': 0.08057994846866602, 'I': 0.06321866300029443, 'there': 0.06296112005595805, 'and': 0.04713617147110637, 'It': 0.04182946099373244}, {'and': 0.17332071485739592, 'he': 0.170401006998216, 'He': 0.08065362250360224, 'I': 0.05468574387864639, 'it': 0.050963825435590984, 'she': 0.0403704896509318, 'which': 0.03371030819594656, 'It': 0.030688785277393996, 'that': 0.02998594353194556}, {'<s>': 0.05372299671472597, 'and': 0.0440015126417723, 'made': 0.02147776545770418, 'was': 0.020722601671332417, 'recorded': 0.01721332982044608, 'that': 0.016451625802595585, 'be': 0.014674645262778993, 'is': 0.013649312208410971, "o'clock": 0.013164741234437755}, {'and': 0.07973737622646827, 'as': 0.07870562363988406, 'order': 0.07099130997922823, 'able': 0.0654786121397701, 'is': 0.05622494900494157, 'enough': 0.053354612947405414, 'necessary': 0.049493529534653316, 'him': 0.04227110212642608, 'was': 0.03856091228189779}, {'and': 0.08618703398745732, 'wait': 0.048927001191900486, 'them': 0.03365303638248744, 'there': 0.03172511594210969, 'up': 0.031182308057609028, 'retained': 0.028325660772115336, 'continued': 0.028086324862121932, 'him': 0.027015097222106533, 'not': 0.026116089745380437}, {'of': 0.3686525986088607, 'to': 0.11172748184530872, 'for': 0.07325738740384953, 'in': 0.07153261792719527, 'and': 0.0608019760516056, 'by': 0.06077080649863023, 'that': 0.050153115361346375, 'with': 0.04922650706020191, 'from': 0.029475180530437482}, {'to': 0.48515264332939223, 'in': 0.08774399816571916, 'a': 0.08380328040488107, 'the': 0.07911437026521438, 'and': 0.06960214314657477, 'of': 0.06327937922271894, 'In': 0.024012835002669417, 'not': 0.017832735758671305, 'this': 0.01709970334160118}, {'the': 0.0945070322759454, 'and': 0.07495367691700067, 'of': 0.06111153657128196, 'be': 0.0404086735904093, 'to': 0.039126396578237604, 'in': 0.0318063652441633, 'a': 0.0305061390058439, 'was': 0.03005696768372676, 'or': 0.024688232157916674}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'he': 0.2922089782255908, 'He': 0.251809208767757, 'who': 0.09761616338444215, 'she': 0.05517201387113816, 'It': 0.05052547833145951, 'and': 0.04963393573127515, 'I': 0.04537440567524131, 'it': 0.03347064462373252, 'She': 0.024928851714935786}, {'to': 0.3303009171888108, 'will': 0.16732413804838323, 'would': 0.09286408017861306, 'may': 0.08225399649239798, 'should': 0.06570630863386934, 'not': 0.05132773943996389, 'can': 0.04978273451405097, 'shall': 0.048807455525532076, 'must': 0.04368178574865413}, {'and': 0.12467515244133558, 'but': 0.06925402410165862, 'that': 0.0662303339361113, 'as': 0.023520834264608118, 'time': 0.020175808864702424, 'But': 0.020154463443327345, 'and,': 0.020015948194067882, 'that,': 0.016486344181090053, 'which,': 0.016355671381602942}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.2307880131019275, 'to': 0.12314964830245531, 'and': 0.08662327968667345, 'a': 0.07983227835924395, 'of': 0.07489782939119835, 'this': 0.03918797482455823, 'that': 0.027784952096201073, 'one': 0.019451953384926644, 'as': 0.018074309910366446}, {'the': 0.10784218445271772, 'of': 0.08107903142710617, 'and': 0.07366760499235157, 'to': 0.04570491433510984, 'be': 0.043329308720103626, 'was': 0.04276221946850317, 'his': 0.03890020189869793, 'a': 0.035461743403071296, 'is': 0.02779813350833982}, {'of': 0.3041617369436181, 'in': 0.25409625715319606, 'to': 0.06312188335976052, 'for': 0.057888523164854974, 'by': 0.05226353244374068, 'on': 0.0520692124730658, 'and': 0.05153425161814144, 'with': 0.04589642417726251, 'that': 0.03957411684528224}, {'of': 0.2741838492695829, 'and': 0.1439756914291679, 'to': 0.09797233253752541, 'in': 0.09260470203485971, 'that': 0.06691898492519488, 'for': 0.06601678019403615, 'with': 0.05907573719876553, 'by': 0.03337287440823724, 'from': 0.027829247558005442}, {'and': 0.14391146331751656, 'to': 0.11482905172833692, 'of': 0.0443617796140344, 'the': 0.04305021752832724, 'in': 0.03550998741102039, 'he': 0.03132772118219281, 'I': 0.025419636120666295, 'would': 0.02271426392606011, 'had': 0.01986099242957883}, {'the': 0.11867425104068229, 'and': 0.10826501872781569, 'of': 0.057158469243945444, 'to': 0.045760521671128554, 'in': 0.03694232965305871, 'a': 0.02118224884916135, 'for': 0.01999495755049711, 'as': 0.019464826820540123, 'that': 0.019299030375559304}, {'he': 0.1567544532543673, 'who': 0.1113964501232211, 'which': 0.0990784154274578, 'they': 0.08224332976568315, 'it': 0.07610300502660913, 'that': 0.0648251738952421, 'I': 0.052608625393135565, 'there': 0.04462407111357327, 'she': 0.04310565680315067}, {'and': 0.1040113630505887, 'him': 0.031774613662566585, 'application': 0.0307505839363781, 'was': 0.029319516259670098, 'it': 0.027172227724490117, 'up': 0.02650714215507662, 'made': 0.023940893007746485, 'out': 0.022946242933547373, 'time': 0.022259067758951867}, {'of': 0.19701566853374528, 'and': 0.12336375904489602, 'in': 0.08768682265959865, 'on': 0.07839994862398826, 'for': 0.06439203370017388, 'to': 0.05681209888824249, 'that': 0.05458982781052245, 'with': 0.03952421473022757, 'or': 0.022923579153607918}, {'the': 0.15877069442605343, 'of': 0.13999355485155066, 'and': 0.13888051973646431, 'to': 0.059927962492887205, 'as': 0.027316329021498196, 'a': 0.026701421322698655, 'be': 0.02415530066981676, 'in': 0.021574883355678448, 'was': 0.019975562724444892}, {'his': 0.329916088995704, 'her': 0.20603086303863608, 'the': 0.07901165850595544, 'a': 0.052587089008099455, 'and': 0.05238982002457071, 'my': 0.04307036742804518, 'their': 0.022648865438677307, 'bis': 0.022420764032811947, 'your': 0.020317589045418895}, {'the': 0.1317177911877265, 'and': 0.07194695841830565, 'a': 0.06286272102095904, 'of': 0.05862672126497976, 'be': 0.04275517605960784, 'in': 0.034699599916590676, 'to': 0.03380626095968729, 'was': 0.0296082034697086, 'is': 0.025121878236452736}, {'be': 0.3027580803811889, 'was': 0.20167256051353843, 'been': 0.0804177002974276, 'were': 0.07679560264197482, 'is': 0.06686165149568771, 'and': 0.05452473446660438, 'he': 0.04781311006021133, 'are': 0.04215747453149923, 'I': 0.037820813954116766}, {'the': 0.598994146242903, 'The': 0.05514554502656941, 'of': 0.049527850605136085, 'a': 0.04918012143131352, 'national': 0.040770932253045886, 'said': 0.035318677893843575, 'and': 0.034192745337724526, 'tho': 0.031668938435738384, 'our': 0.025447952033620914}, {';': 0.01886110402237949, 'in': 0.008683102618837823, 'it,': 0.007054002213479028, 'up': 0.006200656247229734, 'and': 0.005988860945431125, 'him': 0.005862553389932079, ',': 0.005632131339731346, 'them,': 0.005562065902087596, 'him,': 0.0053579542910676455}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.13148956596770606, 'of': 0.08365250973592402, 'and': 0.07955708172620778, 'to': 0.07826567002274244, 'in': 0.06701718836095272, 'that': 0.03127771361840295, 'In': 0.026693585921137956, 'on': 0.025505775397401273, 'was': 0.024851406910027445}, {'and': 0.1391002830735876, 'to': 0.09103343649590895, 'the': 0.047608058032173224, 'of': 0.046250568298350114, 'con-': 0.035688582123337385, 're-': 0.03321334839454769, 'that': 0.03262723936768262, 'or': 0.031074196234599498, 'which': 0.025551106426123966}, {'to': 0.1642958133463621, 'of': 0.14931160748098912, 'an': 0.10508378324464104, 'in': 0.09359577954196723, 'the': 0.09143745668921956, 'his': 0.05985237419298471, 'a': 0.05636172559620256, 'In': 0.030089305765894733, 'and': 0.02995503138819335}, {'of': 0.31152115026959776, 'a': 0.23400533496803386, 'in': 0.10256139314192708, 'the': 0.06619792987049508, 'with': 0.0548752151669248, 'and': 0.04777558842029131, 'for': 0.046134375738970564, 'to': 0.030190562533686405, 'make': 0.02100787762594189}, {'J': 0.09143112437886915, '.': 0.07997325564481214, 'W': 0.05964303434434183, 'A': 0.05747593433109168, 'and': 0.041540753855364064, 'E': 0.029670656049566264, 'Mrs.': 0.02471181818220858, 'Mrs': 0.023571794628140987, 'W.': 0.02269319259850625}, {'<s>': 0.09442669092527678, 'it.': 0.02612388883199711, 'them.': 0.01633558240208412, 'country.': 0.010586243156814638, 'time.': 0.010417373665649179, 'year.': 0.009499632681218558, 'him.': 0.009143087131982313, 'day.': 0.008785113009143782, 'years.': 0.007530579640329523}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'the': 0.2473576910778331, 'of': 0.10021892187126115, 'his': 0.08050432875529151, 'and': 0.0725720155467864, 'to': 0.04267706887166482, 'for': 0.042655550147428216, 'an': 0.041451778226412585, 'all': 0.04057407680839599, 'a': 0.03388719628328387}, {'that': 0.27600366937433424, 'as': 0.1283915980620919, 'which': 0.11207618892079822, 'and': 0.10317436230922246, 'if': 0.056748490857176925, 'but': 0.047296589700653945, 'what': 0.04321623333734454, 'because': 0.03237176317845171, 'when': 0.030162587008650626}, {'the': 0.19368704680220145, 'a': 0.09735950099324055, 'of': 0.08166594261900487, 'and': 0.05550640174186365, 'in': 0.04998944571069944, 'to': 0.04029487094312129, 'an': 0.03170842567620387, 'that': 0.021619248324730025, 'by': 0.020051431595341302}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.1228694085111248, 'him': 0.03070333996644118, 'but': 0.027633464350001524, 'reason': 0.02666465125488339, 'asked': 0.026073992679141633, 'or': 0.02231807011536983, 'them': 0.022292266786594652, 'it': 0.021513681476328605, 'pay': 0.021361217449838203}, {'in': 0.5590552623047987, 'In': 0.14661058175927366, 'of': 0.051776064302579625, 'without': 0.04847782712056652, 'to': 0.03607468243380862, 'and': 0.03512638363557312, 'from': 0.03431590460460989, 'with': 0.033400649617385654, 'not': 0.016473017347855584}, {'will': 0.26373024574226, 'to': 0.21659238389606886, 'would': 0.15626670087147157, 'should': 0.07395066016528518, 'shall': 0.07346347343511302, 'may': 0.06049627824083263, 'not': 0.053001154807411896, 'must': 0.03341799008675025, 'can': 0.030208947894581163}, {'the': 0.20890956465546645, 'a': 0.14146354180550919, 'and': 0.0854930184970904, 'of': 0.07701916786522031, 'for': 0.04946851237653225, 'in': 0.0457143094174838, 'to': 0.04038018798405761, 'an': 0.030718069298339822, 'The': 0.026028225333787486}, {'a': 0.3294991782291863, 'the': 0.2804270570485725, 'to': 0.0873011416326606, 'and': 0.06155439008657931, 'as': 0.03508331528762864, 'very': 0.031671704205676575, 'The': 0.0246752419414987, 'of': 0.02417416159644865, 'so': 0.020645668582259965}, {'a': 0.2679612920388018, 'the': 0.13533270456230972, 'of': 0.09951566861208487, 'and': 0.07757067764874666, 'his': 0.05505235737660499, 'in': 0.054998630685283274, 'to': 0.053982079614040446, 'that': 0.04712879353461748, 'I': 0.04026246204869709}, {'be': 0.21468020961703033, 'was': 0.13153944322540131, 'have': 0.09002955371286904, 'has': 0.08055408582163308, 'been': 0.07147964101432021, 'had': 0.06689708693656055, 'is': 0.06655379846828968, 'a': 0.04771247613372557, 'are': 0.04374489507768491}, {'the': 0.2134306187888443, 'and': 0.09051637654380026, 'of': 0.08321077938974458, 'a': 0.048793100452710306, 'be': 0.04055768750545161, 'was': 0.03784655037475862, 'to': 0.03601469752472324, 'in': 0.03315663438573834, 'is': 0.030731086698322824}, {'the': 0.3042053257659589, 'of': 0.0941856521556742, 'and': 0.08872403324316457, 'an': 0.07424425365443484, 'have': 0.06919242993319573, 'The': 0.05856092289703705, 'their': 0.05745281638997549, 'his': 0.056430100735019806, 'be': 0.04609646641263636}, {'and': 0.1951548888286566, 'fact': 0.07645293835734736, 'said': 0.06196357149942123, 'so': 0.05061110656257712, 'is': 0.04286583529619849, 'say': 0.03820939425311837, 'was': 0.037675190581188234, 'him': 0.03689546512611886, 'found': 0.0352287959284593}, {'his': 0.26159031798106913, 'her': 0.15619273678575885, 'their': 0.148537189919562, 'the': 0.11370137666057607, 'our': 0.07111635026587085, 'my': 0.05765090082366359, 'a': 0.05559865810705346, 'your': 0.03184207157480566, 'or': 0.02702444387586895}, {'and': 0.26776770464760846, 'is': 0.13118871492557596, 'was': 0.1115839589831694, 'but': 0.07029612153683225, 'are': 0.05567996419574366, 'He': 0.04082038475192671, 'were': 0.03876674608811432, 'has': 0.023922159410837585, 'will': 0.01774413412254579}, {'due': 0.014989227837723022, 'in': 0.013780025146093012, 'costs': 0.012190002830884497, 'land': 0.009429307291909245, 'life': 0.007841609412801973, 'power': 0.007719145902687089, ';': 0.007355236625396478, 'time': 0.007121445195859601, 'States': 0.0068639066122034515}, {'filled': 0.07034262823408921, 'and': 0.06606513374703644, 'covered': 0.03672575895378142, 'together': 0.03078082981436872, 'charged': 0.026489949574806545, 'up': 0.024176057486961534, 'in': 0.02167512792287995, 'them': 0.019458331193890926, 'it': 0.017604218853388746}, {'of': 0.049394140652776156, 'and': 0.046998455482732, 'the': 0.04326368367915838, 'to': 0.02593434115895908, 'a': 0.024198341593976234, 'in': 0.0189269728235288, '<s>': 0.01691371878117912, 'I': 0.01555601751287994, '1': 0.014428618902473676}, {'the': 0.3376245228972622, 'of': 0.18718599232069458, 'a': 0.10770240432872123, 'in': 0.07313608384777395, 'by': 0.04375348532672109, 'at': 0.04189193460930372, 'for': 0.04027261811477863, 'and': 0.03116315303246133, 'his': 0.024091869867654696}, {'the': 0.3037153201238052, 'and': 0.12574496860643494, 'a': 0.10335626222473053, 'of': 0.07925984688713505, 'in': 0.05422880744095838, 'to': 0.05367293414482146, 'be': 0.030307715006274424, 'at': 0.026035637493118068, 'or': 0.022861759528865423}, {'the': 0.3703427154883966, 'a': 0.1514931291089215, 'of': 0.1284504413463918, 'to': 0.06937340045059284, 'and': 0.04573102204044661, 'with': 0.03468673721417791, 'for': 0.028272902153806016, 'tho': 0.0197696257056871, 'on': 0.019377356936240906}, {'that': 0.12070846626352887, 'and': 0.10054392034309462, 'by': 0.07841425151945869, 'to': 0.0736401985000424, 'of': 0.06570422401443636, 'said': 0.027457721519250678, '<s>': 0.02614336270739442, 'with': 0.021743176085956904, 'as': 0.020480279458049738}, {'of': 0.3401878443325988, 'to': 0.18942612129832978, 'by': 0.06938896850226083, 'that': 0.06759614211399637, 'and': 0.056661456158959816, 'with': 0.05115061827915186, 'in': 0.047679214547010504, 'from': 0.03713247928191192, 'for': 0.03391168624568945}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'time': 0.023501591926946508, 'in': 0.019899491166282972, 'up': 0.011687418251720427, 'right': 0.011553773498821265, 'good': 0.011416092451804893, 'out': 0.010402007019029283, 'hundred': 0.009791002700368095, 'dull': 0.009256924793313205, 'on': 0.008937430319320766}, {'in': 0.1776590317292034, 'of': 0.17111020793684575, 'for': 0.13087034446466117, 'to': 0.09466768609871196, 'at': 0.08932768876623376, 'with': 0.06569902084122457, 'and': 0.059597737382478824, 'In': 0.05053024066240817, 'such': 0.045047896542411946}, {';': 0.011543815536262167, 'in': 0.011516887157624403, ',': 0.007085219428693052, 'him': 0.006477655691595852, 'up': 0.005944449087142648, 'it': 0.005599548021545554, '.': 0.0049499606191468135, 'one': 0.004697569856144522, 'hundred': 0.004633954683979754}, {'he': 0.1365959975276535, 'and': 0.1360010438052916, 'be': 0.08114175571252197, 'who': 0.07432779333515505, 'it': 0.058738699905620216, 'I': 0.04830641707262082, 'He': 0.04590618298112273, 'she': 0.04046208146675673, 'they': 0.03791329557743665}, {'came': 0.10436319322381186, 'made': 0.10302641845098008, 'put': 0.09964665441720069, 'taken': 0.08415946016569698, 'set': 0.06286257462783351, 'picked': 0.060677334100098665, 'went': 0.05853197756533383, 'it': 0.05312288384688662, 'come': 0.051919185772414556}, {'was': 0.15253089308688605, 'be': 0.12205318401139369, 'have': 0.11033942110218532, 'been': 0.09693301986003822, 'had': 0.09412328603704051, 'he': 0.09337361501882124, 'and': 0.06899893734755341, 'has': 0.05244014733979, 'were': 0.04967926616415502}, {'Resolved,': 0.15182469571493232, 'enacted,': 0.07050697789713775, 'enacted.': 0.04320830450551617, '<s>': 0.03927409410131869, 'Provided,': 0.02620336882190614, '2.': 0.02528335155665146, '1.': 0.02088098213558015, '4.': 0.015844683056089486, 'it.': 0.013276650834144295}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.17629361901209417, 'in': 0.16453730181890502, 'on': 0.08066139306210561, 'and': 0.061971461041400056, 'at': 0.05635021148904088, 'In': 0.0405542483035014, 'with': 0.04052122594408193, 'is': 0.033161580257821226, 'was': 0.03299026811642991}, {'this': 0.3778886468111583, 'the': 0.33068345384454917, 'said': 0.10097118433356907, 'a': 0.05298742978888513, 'York': 0.023358649413620602, 'that': 0.02106025039430725, 'tho': 0.01749036606680432, 'of': 0.013792398801101974, 'his': 0.011820293885567774}, {'the': 0.1364369752633015, 'a': 0.10710407565340536, 'three': 0.10420423334008411, 'thousand': 0.08990564730283067, 'two': 0.08397121979158609, 'six': 0.08014623733921734, 'few': 0.07347932143319978, 'several': 0.06370437298344157, 'hundred': 0.05849142883642884}, {'be': 0.19151557810600683, 'been': 0.1734952612037416, 'was': 0.17092983959358285, 'were': 0.07734852117635901, 'are': 0.07190810389766279, 'is': 0.05258968908138687, 'and': 0.04736230103109874, 'resolution': 0.025499046012040734, 'being': 0.025009239501803136}, {'of': 0.26619474547999195, 'for': 0.14893189151808947, 'half': 0.10893362414410691, 'in': 0.08440106067064594, 'and': 0.079002806478534, 'to': 0.05516528833640767, 'as': 0.05176883556835885, 'was': 0.05135368433536464, 'is': 0.039099454636738154}, {'the': 0.30572378816851126, 'of': 0.2730071439774123, 'in': 0.06467982491185481, 'for': 0.04436553674838342, 'by': 0.04161873398838037, 'to': 0.037769241839038535, 'and': 0.034658168845962636, 'with': 0.02899558147843167, 'from': 0.028254126952393828}, {'number': 0.13151967967801634, 'place': 0.04191120374802342, 'line': 0.04122255322446064, 'pounds': 0.03942419566140038, 'bushels': 0.038695206960157776, 'point': 0.03676242023420912, 'full': 0.030586226077817042, 'day': 0.02818947744953838, 'means': 0.027844807178906243}, {'of': 0.1007473332849562, 'to': 0.10019500852749359, 'in': 0.08732630153024674, 'on': 0.06435725197284282, 'by': 0.060934897857687464, 'and': 0.05447355819125162, 'is': 0.04741246305688073, 'for': 0.04403887521217687, 'that': 0.038121257725691395}, {'and': 0.16056862603946448, 'the': 0.152592676889915, 'was': 0.1395025638981901, 'are': 0.08039978342373229, 'a': 0.07956510448950363, 'were': 0.06238691502236569, 'is': 0.06156313673131295, 'by': 0.050411474667161074, 'been': 0.04926059131039117}, {'time': 0.013046281759891764, 'up': 0.012556332617607269, 'him': 0.011315144726042259, 'him,': 0.011039324023913841, 'it,': 0.010927509014048927, ';': 0.010538608978967155, 'day': 0.010242083070624448, 'years,': 0.009601316466837635, 'night': 0.009597476564366752}, {'it,': 0.02281355753587633, ';': 0.022807058058885058, 'in': 0.019925060206721017, 'him': 0.018523756496010436, 'him,': 0.016686120557650754, 'it': 0.01486867215953989, 'me': 0.013566740527415666, 'me,': 0.012765330811529538, 'them,': 0.012153211850091168}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'to': 0.27766537776779426, 'I': 0.13394035812328553, 'we': 0.10856288412832528, 'would': 0.08858479596805455, 'they': 0.08352122927797132, 'will': 0.07612461284168442, 'who': 0.04627082037468184, 'We': 0.04239610153276075, 'you': 0.04135706969300683}, {'the': 0.11898956057459381, 'to': 0.11204811382456481, 'and': 0.08704417173140588, 'of': 0.08064890290676931, 'in': 0.03965389771802442, 'not': 0.024207455837218433, 'I': 0.02096008848290345, 'a': 0.020382179478384978, 'or': 0.02022280579756254}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.11785529026658935, 'and': 0.11586877154350345, 'in': 0.05739244689627157, 'to': 0.050607477297486644, 'fact': 0.03889347275782053, 'said': 0.03289904969041613, 'on': 0.02952954435335196, 'all': 0.024539624180535385, 'is': 0.022298709960555663}, {'the': 0.2239709808464972, 'of': 0.20026271896571882, 'in': 0.1906191152658106, 'to': 0.06769665282704934, 'In': 0.04838034742516255, 'from': 0.04577493499613023, 'and': 0.0347638019419908, 'The': 0.03402346895652855, 'for': 0.03119360532316551}, {'the': 0.6069841130469884, 'a': 0.07168888781490763, 'The': 0.052053546606167234, 'and': 0.03754511083023107, 'tho': 0.03415518244628639, 'large': 0.015739127578829497, 'tbe': 0.014836008574078002, 'in': 0.011920817408177834, 'first': 0.010256125612882439}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'and': 0.12737844203952672, 'it': 0.10231961290917375, 'he': 0.08426890812184928, 'they': 0.07787848171286028, 'you': 0.06858163222895367, 'which': 0.06849419220180956, 'I': 0.0560825598292762, 'that': 0.05570825666304191, 'It': 0.049645228204792995}, {'and': 0.10144557375495386, 'him': 0.06012505236278063, 'was': 0.040826491110174966, 'man': 0.035069640036815085, 'it': 0.03375211042846046, 'up': 0.023864587190938164, 'that': 0.02370642566638079, 'found': 0.02079136423372986, 'made': 0.020428510347646856}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.1229402146031222, 'that': 0.041201978416778556, 'it': 0.040152726762248674, 'found': 0.024417067602785097, 'made': 0.023992097659814377, 'is': 0.023849886715651615, 'him': 0.023296424667038008, 'was': 0.022624459146690656, 'but': 0.022166398606064786}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'and': 0.14028825489961544, 'of': 0.07154747502432045, 'the': 0.04417383519161615, 'be': 0.03648949677003825, 'a': 0.03554646003274374, 'in': 0.0317128205196297, 'is': 0.031370523084917334, 'was': 0.030999885514119332, 'he': 0.028933980698391745}, {'to': 0.3167223875939278, 'will': 0.11899554163773493, 'would': 0.10820521392878106, 'we': 0.07237194396226741, 'shall': 0.06100504879670514, 'I': 0.05837591004194762, 'and': 0.05154798389979186, 'should': 0.04863015926324154, 'not': 0.04779726587555651}, {'the': 0.22665222605600926, 'his': 0.19297696960092056, 'her': 0.09672563379505299, 'my': 0.09573036583286106, 'The': 0.07606878491535905, 'His': 0.0599786712051968, 'My': 0.055704594055926586, 'and': 0.032895916184189446, 'of': 0.0328949673649595}, {'an': 0.3756211449559695, 'the': 0.19414471390407229, 'to': 0.11443513362715634, 'will': 0.05841862320298871, 'a': 0.04707766293395086, 'of': 0.04078013232526798, 'and': 0.03489932883601643, 'The': 0.031948307688199166, 'An': 0.022718621581589295}, {'that': 0.21503494120917785, 'if': 0.1507829660470937, 'as': 0.11697664082614861, 'and': 0.10199133131327964, 'when': 0.09175668637497707, 'which': 0.06828097720441179, 'but': 0.0496541799244721, 'where': 0.035874521213451145, 'If': 0.032312004868917873}, {'the': 0.5795979302129808, 'corporate': 0.17868089825730588, 'tho': 0.03446376747502519, 'The': 0.025334373710315047, 'a': 0.020099073573470603, 'tbe': 0.013966214776471595, 'first': 0.01120904767702506, 'porate': 0.008280975272667461, 'present': 0.007443554365198888}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'and': 0.23812197186588502, 'that': 0.09399779777733107, 'but': 0.05860829241757295, 'time': 0.04693321540361255, 'But': 0.020084416703246212, 'ago,': 0.0181001782729805, 'And': 0.018065924803393488, 'me': 0.016336897059004516, 'morning': 0.013679334676178717}, {'hundred': 0.03814172053949187, 'hereditaments': 0.014806853960384489, 'time': 0.012948590178068434, 'dollars': 0.010256686275718959, 'up': 0.009444619160868849, 'men': 0.009282507196442809, 'out': 0.009205194584474346, 'interest': 0.008962689125159462, 'made': 0.008951015893765247}, {'of': 0.36137886137462577, 'to': 0.09274280259975756, 'and': 0.09158235333633272, 'that': 0.08182151771290638, 'in': 0.0715052148839423, 'all': 0.0489319154184904, 'by': 0.0482134348197959, 'for': 0.04193555427504493, 'on': 0.02958857865261567}, {'the': 0.1663144123553893, 'esti-': 0.0935190714837657, 'of': 0.06422528219763061, 'a': 0.05856164991575114, 'this': 0.04480565906419952, 'inti-': 0.03489886208625995, 'to': 0.032764208596149265, 'any': 0.029283729656115715, 'said': 0.026098160487735642}, {'of': 0.3501002087863717, 'in': 0.11105356003841385, 'to': 0.09436499816096666, 'and': 0.05641146369301008, 'that': 0.05432069396332494, 'on': 0.0400907188153921, 'for': 0.035618854665603765, 'with': 0.034002473679236776, 'by': 0.028733864146313477}, {'of': 0.10139031986838906, 'and': 0.0798516300183029, 'by': 0.0770227493366721, 'to': 0.07333873835380295, '<s>': 0.030103963649584856, 'the': 0.02910346473240692, 'a': 0.027731404529639035, 'from': 0.0178306886049418, 'said': 0.017692626574857345}, {'the': 0.2224361500594999, 'of': 0.1594148641514127, 'a': 0.09053945935719317, 'to': 0.08796916553902728, 'in': 0.08426570398356485, 'and': 0.045656569357848745, 'for': 0.03316095359256366, 'on': 0.022286780202456054, 'The': 0.017148393753523953}, {'the': 0.17494110734291501, 'a': 0.11023683100024012, 'of': 0.08676461782753271, 'and': 0.0591768655515798, 'to': 0.05498237038185423, 'in': 0.0400580227841348, 'Mr.': 0.027666268066969327, 'for': 0.02094862530124577, 'The': 0.020538297741535573}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.16706977800630843, 'is': 0.09652358825594479, 'in': 0.08993627642501877, 'to': 0.08673123235747855, 'was': 0.0841084032861247, 'and': 0.07949179372278799, 'with': 0.06787059521298774, 'as': 0.06235911080232542, 'be': 0.05343306952091636}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.1830730657042279, 'to': 0.1129718444686303, 'with': 0.10176308743462453, 'is': 0.09079850712555149, 'and': 0.06973720348597731, 'by': 0.06634591053982743, 'in': 0.0638568982265975, 'for': 0.05518096500829317, 'was': 0.05497186065376837}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.13784300584204476, 'not': 0.0679007039417118, 'to': 0.04327202458435614, 'wait': 0.036534233290773946, 'on': 0.028322116467048398, 'in': 0.027105012397341623, 'up': 0.024065798043671795, 'of': 0.024016068254721447, 'that': 0.019521500120749016}, {'the': 0.4344669408900922, 'of': 0.0808790380351541, 'in': 0.06367813185574703, 'The': 0.05133250355158719, 'or': 0.048257426420073725, 'and': 0.0432407258231746, 'for': 0.03513115816463914, 'all': 0.03480370681015489, 'tho': 0.03284720942022921}, {'for': 0.2357490425144033, 'or': 0.14901676272990025, 'about': 0.09947860784967956, 'past': 0.0892031404660929, 'of': 0.08393532863406562, 'last': 0.08146194230758518, 'and': 0.07901119764471233, 'the': 0.05830408516870751, 'For': 0.0417836079456293}, {'and': 0.07638446747423402, 'the': 0.06710893022378316, 'of': 0.0609000943317654, 'thence': 0.04114399012569666, 'No.': 0.030860179348631812, '.': 0.030129315805499185, 'at': 0.030086053530066204, 'to': 0.030046820004781698, 'in': 0.02179132978611589}, {'the': 0.28138202562564285, 'a': 0.21995240008177627, 'of': 0.1504942487860624, 'and': 0.09717609787323336, 'with': 0.035126049596499134, 'The': 0.03284755490851196, 'his': 0.02477442191265536, 'by': 0.024430445690080477, 'in': 0.022409090850492856}, {'of': 0.34708783260881565, 'and': 0.1366775498272535, 'that': 0.11403806935374675, 'all': 0.06554426987992795, 'by': 0.05536389444073956, 'to': 0.04054027846149167, 'for': 0.03757453483908723, 'with': 0.03319004979909138, 'as': 0.027035072410464146}, {'and': 0.09875791493449654, 'was': 0.07429868421282834, 'is': 0.041816170171801094, 'be': 0.03918421694616581, 'put': 0.03349696685050645, 'are': 0.033482588759232726, 'been': 0.03339747772503504, 'came': 0.03201818428189254, 'were': 0.0294487726905343}, {'of': 0.12844192869237697, 'and': 0.05557903306539769, 'in': 0.05168248107466131, 'that': 0.04811523298319257, 'for': 0.02806706937661881, 'to': 0.015273160824528873, 'on': 0.013552589472690486, 'but': 0.012265233849584863, 'from': 0.011358401096651965}, {'to': 0.2603284253654396, 'will': 0.17873806296729775, 'shall': 0.11162327142855816, 'may': 0.10240698454498026, 'should': 0.08858032873475877, 'would': 0.07265234287390494, 'must': 0.05468405066549555, 'can': 0.04050545940543702, 'not': 0.03329900562322585}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.22258818800000718, 'in': 0.17339649877197755, 'to': 0.1348339227050175, 'for': 0.08665338114697574, 'with': 0.06025900290894886, 'and': 0.05956352549407318, 'at': 0.044247790344707896, 'by': 0.03361831057441074, 'In': 0.032682260636571744}, {'Mutual': 0.25028185848121537, 'of': 0.08339281619729437, 'the': 0.06648041473846962, '<s>': 0.03359267227342433, 'and': 0.023905905635018522, 'at': 0.018139189576480513, 'State': 0.012814310267606635, 'a': 0.011400411307172058, 'in': 0.009583473648671948}, {'he': 0.2839771050285379, 'I': 0.11992757742811985, 'He': 0.08703040746235838, 'and': 0.07186562629243766, 'she': 0.04742045969706481, 'It': 0.03646786226308816, 'it': 0.0321086049965567, 'which': 0.019946994059921525, 'they': 0.01930256121881983}, {'to': 0.5612929792823327, 'will': 0.06887429311766981, 'and': 0.05364294772624059, 'would': 0.05260971097476413, 'not': 0.03564771273328331, 'they': 0.031520729476190903, 'you': 0.026871411624661654, 'I': 0.026117443529615928, 'we': 0.022077117399647822}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'in': 0.4005960906538255, 'of': 0.24200439926746795, 'In': 0.08581882999724426, 'to': 0.0782130660262413, 'for': 0.048841095707090776, 'and': 0.02286436843019128, 'by': 0.021837841840090702, 'on': 0.018583216661125543, 'from': 0.017637507065557997}, {'.': 0.20823879882251792, 'J.': 0.11389410387643638, 'Mrs.': 0.10537199318174881, 'W.': 0.09537736925614926, 'D.': 0.08850034047051251, 'A.': 0.08319793087337891, 'C.': 0.06236205186457859, 'S.': 0.057896708553197916, 'Mr.': 0.04824968320135203}, {'and': 0.16929944970790856, 'to': 0.12596157254763246, 'matter': 0.09333056764153821, 'of': 0.08725321176868181, 'know': 0.0602536208036932, 'see': 0.05915934405640366, 'is': 0.04545647971857256, 'in': 0.045331406130259724, 'or': 0.03985690646121484}, {'miles': 0.08568268395380595, 'and': 0.04164330137286161, 'away': 0.04161648293874768, 'feet': 0.036994688486820304, 'down': 0.03355433909562819, 'far': 0.027318109234747374, 'him': 0.02545650659195493, 'free': 0.025291533477758803, 'up': 0.02484558555334108}, {'of': 0.2899663250675669, 'to': 0.1408165966044421, 'in': 0.11796647805124844, 'for': 0.07298718488918546, 'that': 0.07165659690324472, 'and': 0.06303743705681217, 'by': 0.0520557906816858, 'with': 0.040356814082673026, 'is': 0.03814446487596648}, {'the': 0.2396200842867703, 'a': 0.20888034974870373, 'of': 0.10333699649524916, 'and': 0.04012669402997245, 'in': 0.035096509984444094, 'on': 0.025702783172977393, 'to': 0.023802617473476097, 'The': 0.023350951059539306, 'that': 0.01917701576137567}, {'the': 0.4787609160303038, 'each': 0.26741005320761413, 'any': 0.08583018872241595, 'no': 0.034677933787261875, 'of': 0.017987621484362733, 'a': 0.016962377554248707, 'an-': 0.015225099441624526, 'an': 0.014807676334411525, 'tho': 0.0136317437546464}, {'and': 0.053496633759912926, 'him': 0.032022774880991256, 'right': 0.03163667460486646, 'not': 0.03062006627318366, 'is': 0.029254133097739114, 'was': 0.02720722295662846, 'as': 0.025844356906368725, 'them': 0.02380592813484593, 'do': 0.02279297663161061}, {'It': 0.42259997504992314, 'it': 0.18529133205635553, 'which': 0.053673319137765726, 'there': 0.04969555771515481, 'that': 0.042459924716114546, 'There': 0.028464373744492562, 'he': 0.02423011060015478, 'This': 0.019635853298968834, 'what': 0.014900901304741816}, {'I': 0.20772958299194366, 'we': 0.12367709119634634, 'who': 0.11904078890197387, 'they': 0.10620594987884188, 'would': 0.10361779353637902, 'to': 0.08585723728294835, 'We': 0.0656787138752109, 'you': 0.053243341601658535, 'not': 0.037258853844751715}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'together': 0.09427441069642978, 'and': 0.09056510160197448, 'covered': 0.040417525554067406, 'filled': 0.03183214366274027, 'thence': 0.027389743720327833, 'charged': 0.02661945593747093, 'connection': 0.025831087776563327, 'it': 0.023330424731554382, 'up': 0.022059025810117743}, {'and': 0.07849104340165496, 'ready': 0.04515553159734799, 'candidate': 0.030435485863603964, 'demand': 0.027958132089192258, 'called': 0.022627697665991292, 'call': 0.021770518000002934, 'up': 0.021006815656927764, 'used': 0.018624454495448226, 'him': 0.01799276222905168}, {'<s>': 0.12372403011190282, 'it.': 0.019112245273029283, 'them.': 0.018885240217047006, 'time.': 0.012186396987831504, 'year.': 0.010447199403418818, '.': 0.010392838044359339, 'country.': 0.009609635636918044, 'him.': 0.009006469572516005, 'day.': 0.008907290211675157}, {'it': 0.23493227818609183, 'It': 0.1819753886357256, 'which': 0.041394139180310076, 'and': 0.04049964669776388, 'This': 0.0377806714871836, 'this': 0.03327033930731338, 'he': 0.03046760912819587, 'there': 0.030290508299304016, 'that': 0.029808306593446646}, {'the': 0.29833362094322585, 'too': 0.15995501687966796, 'of': 0.10401198003514106, 'and': 0.06327587334260218, 'a': 0.05999057386071989, 'his': 0.03316650293232116, 'as': 0.03187164053815776, 'for': 0.03140888588592612, 'until': 0.03115813938328574}, {'the': 0.20446400185788172, 'of': 0.09756084593947854, 'and': 0.06626320864261782, 'that': 0.05841853400644303, 'Mr.': 0.04062365763410204, 'The': 0.03961358795752215, 'a': 0.03769044983071117, 'this': 0.01935264095985324, 'or': 0.017253280752688574}, {'to': 0.3220889861730894, 'the': 0.1741646216919569, 'and': 0.12891200447009674, 'for': 0.055033973209743, 'of': 0.0539851758883028, 'their': 0.03974086040573993, 'with': 0.032616884979985654, 'in': 0.02678232434712683, 'a': 0.024469790170180288}, {'was': 0.30284319557980394, 'be': 0.16514722954921263, 'been': 0.1248946142804027, 'is': 0.10349402819623695, 'were': 0.08538789154795554, 'so': 0.07111558716314949, 'are': 0.06628035131741675, 'being': 0.02509002746439766, 'and': 0.024610505491504783}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'a': 0.5332468254768598, 'the': 0.25806971305778287, 'The': 0.04324869795834079, 'A': 0.03679224225012728, 'of': 0.028205911540005422, 'his': 0.025792640345237042, 'tho': 0.013845863898815196, 'in': 0.013821033221589608, 'our': 0.013007615084126633}, {'at': 0.41046390606549377, 'for': 0.1241892521476921, 'of': 0.08653265867232679, 'to': 0.07311180760112604, 'and': 0.04951003857448994, 'At': 0.04615892506149071, 'during': 0.04056363092681147, 'that': 0.039870674433797784, 'in': 0.039495314294298096}, {'from': 0.2651110446406569, 'of': 0.11604474370938249, 'in': 0.10593716750460046, 'at': 0.0895336012483099, 'and': 0.07024679171120855, 'In': 0.046387566752969, 'to': 0.04019948440134207, 'for': 0.03562260053219299, 'with': 0.027718801331221683}, {'the': 0.18358253419021028, 'of': 0.16137510101795607, 'a': 0.06925257283573029, 'and': 0.04132987894673514, 'in': 0.04112917053458406, 'to': 0.04022357954943251, 'for': 0.029039987608205482, 'that': 0.025592380882755148, 'by': 0.024774088836182196}, {'the': 0.07775146779106554, 'of': 0.07486169235803201, 'and': 0.07284502585439993, 'be': 0.0700633310288511, 'to': 0.057152906617358765, 'was': 0.05422264574812728, 'is': 0.0393486128104282, 'or': 0.02833358702763867, 'are': 0.028012011078177086}, {'the': 0.1450524935836439, 'and': 0.10177379526547212, 'of': 0.07092498490510685, 'to': 0.06643859177010694, 'in': 0.043184033163470234, 'was': 0.040444756304387645, 'a': 0.037358609147802715, 'be': 0.034122654588659554, 'is': 0.024495922836782185}, {'of': 0.3614265138186381, 'and': 0.11940045718957408, 'with': 0.10286569146713508, 'to': 0.06930518106296787, 'in': 0.06497548178523785, 'for': 0.0563676473796889, 'is': 0.050628950333089326, 'that': 0.046559583932531796, 'on': 0.04229248032163942}, {'a': 0.49723589305781585, 'per': 0.11560826703844244, 'the': 0.06554184325580037, 'in': 0.06365984836483175, 'and': 0.06272483442115198, 'to': 0.032971142365730295, 'In': 0.02390679369630095, 'of': 0.02261060149319694, 'one': 0.021408957879967442}, {'the': 0.6012364141364022, 'and': 0.1120269240668827, 'with': 0.06346127503081478, 'The': 0.030135708071664873, 'an': 0.02692136859188776, 'of': 0.026269780437753694, 'tho': 0.023177263531746897, 'or': 0.02032295164166027, 'by': 0.015352058119439196}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'that': 0.23548095916475398, 'and': 0.141384993778541, 'which': 0.11193903758686108, 'as': 0.10841256422482617, 'but': 0.05683854815030517, 'if': 0.0547178688327634, 'when': 0.047522323977870234, 'where': 0.0424429364406293, 'because': 0.03518332772014772}, {'him.': 0.0453703702109369, '<s>': 0.03141377230873496, 'it.': 0.023798273164880805, 'them.': 0.014854568372760744, 'years.': 0.014366331555354685, 'life.': 0.012092790694761409, 'time.': 0.011534103519802929, 'himself.': 0.011265030401683645, 'man.': 0.009646418718189328}, {'of': 0.20841185041015833, 'in': 0.12439451832531036, 'and': 0.10127964260551109, 'to': 0.07844164750841146, 'on': 0.059167305623214386, 'with': 0.03981034972068849, 'by': 0.03332866324610702, 'In': 0.03061463140957033, 'at': 0.027224574332519902}, {'and': 0.06839795419909006, 'able': 0.05385991427586616, 'order': 0.05375980657272798, 'him': 0.0471388657045874, 'right': 0.04422494354825539, 'enough': 0.04019177489270515, 'had': 0.039989606518231746, 'is': 0.03990748399280374, 'willing': 0.03604429164772049}, {'one': 0.3419597800658342, 'a': 0.1537686825871843, 'two': 0.10522760275716, 'three': 0.08341411377223171, 'five': 0.05257581549728785, 'four': 0.04522853468644522, 'One': 0.0329559454330046, 'six': 0.02864490101163298, 'several': 0.025165058706377127}, {'the': 0.8030487735170133, 'a': 0.049588709257745146, 'The': 0.03892584572225074, 'tho': 0.03405357121487316, 'his': 0.016723648624227233, 'tbe': 0.009929965365052518, 'full': 0.008176957686162719, 'firm': 0.004769511503086615, 'their': 0.0044241897206249445}, {'thousand': 0.23689334065356246, 'hundred': 0.20252302256685004, 'of': 0.09114029198815991, 'million': 0.06312788691518122, 'fifty': 0.06285595622741039, 'five': 0.035917283660384165, 'ten': 0.03508904777417702, 'two': 0.03210226836289227, 'billion': 0.02674510508460479}, {'in': 0.14411866456517713, 'of': 0.11176434547254037, 'the': 0.08442118893046849, 'and': 0.06373154682518639, 'for': 0.054333716349069784, 'a': 0.03770631626163843, 'to': 0.036625992661016515, 'In': 0.03395800652509744, 'was': 0.019670084903815784}, {'and': 0.09515264199589137, 'together': 0.05970144109081358, 'covered': 0.03640167794610209, 'him': 0.03211426652152613, 'up': 0.030155809362644507, 'it': 0.02246483567435092, 'met': 0.02159101760185103, 'them': 0.02092550701835756, 'but': 0.01766366684559097}, {'the': 0.20078262101415228, 'a': 0.16178743187596878, 'his': 0.14297456732673475, 'her': 0.10961328337577991, 'at': 0.08062865869315346, 'and': 0.0642278595614288, 'their': 0.05291240949211974, 'of': 0.05100302932288484, 'for': 0.03776935140490841}, {'be': 0.17438270317480195, 'is': 0.1592815805968685, 'was': 0.13996729018420148, 'are': 0.06820642231746393, 'been': 0.06417131136478756, 'I': 0.05632081445469895, 'and': 0.053211412697452644, 'were': 0.05006586970757972, 'he': 0.043149332948545345}, {'nothing': 0.040461495501150996, 'is': 0.02720555009171049, ';': 0.02357596526935524, 'anything': 0.013762578920978777, 'it,': 0.011206896885115085, 'was': 0.009397557004487706, 'and': 0.008904064487917312, 'of': 0.008773337944715664, 'are': 0.008371498333416253}, {'the': 0.09227716533288008, 'and': 0.07321455267554212, 'of': 0.057808801360974195, 'to': 0.047465002936754604, 'a': 0.03754617154834468, 'for': 0.03038467078368099, 'in': 0.024614904184153217, 'be': 0.0195046484719849, 'is': 0.018453302810085538}, {'that': 0.16739169405380497, 'and': 0.15987227861321088, 'is': 0.14211407410854532, 'was': 0.1052021478685746, 'but': 0.06385128766024337, 'had': 0.05075610712325076, 'have': 0.042141258618582596, 'be': 0.039525898126745056, 'with': 0.029614804428646935}, {'the': 0.18115088565451815, 'of': 0.11236582396735595, 'and': 0.08275824543606693, 'to': 0.041102088813591876, 'The': 0.03767449451121511, 'a': 0.03583297115205779, 'that': 0.024433242074836273, 'which': 0.023418422044460523, 'or': 0.016650603856903753}, {'and': 0.10621357103659904, 'of': 0.09592475021597927, 'as': 0.0933664698463147, 'the': 0.07498329443544682, 'to': 0.050713985015591476, 'be': 0.03665821157222504, 'such': 0.035312510153626214, 'much': 0.0306652819635511, 'in': 0.028081642731827273}, {'well': 0.13787809446396712, 'known': 0.11901398610925734, 'and': 0.09853640511563762, 'far': 0.05804006384409326, 'soon': 0.05398111613847797, 'such': 0.04965042765420458, 'just': 0.03723159833858843, 'long': 0.03507238145070231, 'much': 0.032314828420248395}, {'and': 0.1013313999108967, 'the': 0.09718841647597899, 'of': 0.05436964548085914, 'to': 0.04845961559889593, 'be': 0.044574282950294176, 'in': 0.04097356203690052, 'or': 0.031876329171954355, 'for': 0.02940885693452176, 'he': 0.026171563417370803}, {'the': 0.462510550890672, 'The': 0.10360690977200131, 'of': 0.09108117296121294, 'their': 0.04028485087245745, 'our': 0.03952301495053386, 'these': 0.03619441265792047, 'and': 0.033471945994940466, 'tho': 0.02615424850770777, 'such': 0.026112885270717496}, {'of': 0.17109778258682634, 'the': 0.10281213444431213, 'and': 0.09183011401721121, 'to': 0.0911703738383739, 'on': 0.039071783748694924, 'that': 0.03902265805230001, 'from': 0.038958422585548144, 'in': 0.03033134726643986, 'by': 0.028731537949510604}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.21632121421373612, 'and': 0.12294392621419364, 'of': 0.04471358471436488, 'or': 0.029803773510140734, 'their': 0.028576418190127087, 'her': 0.024338273522753136, 'his': 0.02421394911306019, 'an': 0.023802397603207025, 'for': 0.020909008030064166}, {'have': 0.3255828358238317, 'has': 0.24646946705714523, 'had': 0.22365004971269362, 'not': 0.03272969069844632, 'having': 0.030915000638381845, 'bad': 0.01496838570016474, 'ever': 0.01382231302640197, 'never': 0.013735847197120303, 'havo': 0.01048593870034795}, {'and': 0.09817307191861045, 'a': 0.05049964865341448, 'the': 0.049672723907040264, 'of': 0.034876556428914095, 'that': 0.029976228570476156, 'to': 0.026455093734881408, 'which': 0.025473683382398353, 'or': 0.019954149641795642, 'all': 0.013738935552197027}, {'and': 0.1768603305073724, 'he': 0.17605466636204098, 'it': 0.10604046544620124, 'who': 0.09021218328462671, 'It': 0.049983992541677374, 'He': 0.04846536353472972, 'that': 0.04110287234805003, 'she': 0.03597652083811775, 'which': 0.03525598728240473}, {'is': 0.1442460306660439, 'with': 0.13928089646595984, 'of': 0.13503158393686837, 'was': 0.105498367033436, 'to': 0.08053575365572928, 'and': 0.07754623908831723, 'by': 0.06085448687656774, 'for': 0.05753415781736332, 'in': 0.05410485911983649}, {'and': 0.16816527822605415, 'he': 0.16813933204716325, 'He': 0.07699416043297887, 'I': 0.06648281702123757, 'who': 0.06602232861721127, 'have': 0.05102574926814063, 'she': 0.04632748558484256, 'they': 0.042964703240979396, 'had': 0.0419040176161682}, {'and': 0.0787864119078371, 'of': 0.07570273428925144, 'the': 0.07135834050826166, 'at': 0.0650594732018662, 'to': 0.05942360519106462, 'in': 0.039287182147567636, 'on': 0.023611821546219908, 'a': 0.022899772097792443, 'for': 0.014323202805696511}, {'of': 0.22524733960263746, 'to': 0.11848682661914947, 'for': 0.11602850259754935, 'and': 0.1133387140247775, 'in': 0.08177688670776924, 'with': 0.06960672021213697, 'that': 0.056859781531660616, 'by': 0.04502692431767532, 'all': 0.037092109849154245}, {'of': 0.12202507861862445, 'the': 0.12196997571031583, 'and': 0.08435873389206232, 'to': 0.05901030226344924, 'north': 0.046476717361049295, 'south': 0.04576824248762857, 'at': 0.029771660958058364, 'a': 0.027758313139459628, 'on': 0.020407056977617397}, {'to': 0.09743403541681209, 'and': 0.09167879388523711, 'of': 0.09163812801203593, 'in': 0.07798643620498621, 'was': 0.05262040897605749, 'the': 0.045042776977973716, 'is': 0.043038904847568525, 'be': 0.0396938274457085, 'for': 0.03200416339058025}, {'Railroad': 0.13686337399965476, 'Mining': 0.11717557385277266, 'Railway': 0.0995045904067407, 'Trust': 0.06249848613213412, 'Coal': 0.03668202620377146, 'the': 0.0350188451368445, 'Lumber': 0.028887723989526538, 'Insurance': 0.027092061450270044, 'Manufacturing': 0.02665827880430592}, {'who': 0.1571188016558222, 'he': 0.13191060331835153, 'I': 0.12977762735015466, 'they': 0.09870872210078628, 'and': 0.08687352395458117, 'had': 0.06445276602893327, 'we': 0.053698369048165114, 'she': 0.0528107613948962, 'have': 0.04184021633488838}, {'sale': 0.06491290884465117, 'interest': 0.05502817604451892, 'and': 0.049364959609115105, 'estate': 0.042170659046757236, 'premises': 0.038668971322856266, 'Court': 0.03339491651295727, 'be': 0.03000624248061992, 'line': 0.02974471733946458, 'it': 0.02914600820454602}, {'Mr.': 0.27218842937178467, 'of': 0.0935371825105249, 'the': 0.052009004664368884, '.': 0.045216954286400726, 'Mrs.': 0.04375411592459651, 'and': 0.03412497881769128, 'by': 0.028385742450461923, 'Dr.': 0.025827120318215137, 'to': 0.025722948076259532}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'the': 0.4282030579565621, 'a': 0.17677829823454552, 'The': 0.05937286174525158, 'some': 0.052166152307831774, 'all': 0.046554132009528786, 'and': 0.04389860470235808, 'of': 0.04195479874768742, 'his': 0.03337742200197027, 'in': 0.03250387839333614}, {'of': 0.08829974772730223, 'the': 0.08536827820707896, 'and': 0.07665501855139618, 'a': 0.06608914911962148, 'to': 0.05818874229620403, 'for': 0.04760923118798804, 'be': 0.03231108114970078, 'in': 0.029943735979371076, 'was': 0.024642875615225806}, {'the': 0.212769960503501, 'and': 0.09009081995482937, 'of': 0.08043578623210394, 'The': 0.0487574107083228, 'these': 0.02566072675870135, 'that': 0.025524115318786456, 'in': 0.02089861729429644, 'to': 0.017573236547389622, 'a': 0.016459898929016135}, {'of': 0.06911759427206074, 'the': 0.0609066315631567, 'and': 0.05462426722082792, 'to': 0.03559983388665354, 'by': 0.029250227669881036, 'Mrs.': 0.0254185364046985, '.': 0.02009860569115564, '<s>': 0.01644033727348853, 'was': 0.01121034225984273}, {'be': 0.20848947531834575, 'was': 0.1687221545698583, 'is': 0.12375826359371522, 'are': 0.11200327046767962, 'been': 0.08049040377549395, 'were': 0.080300254134847, 'had': 0.04213144171198516, 'have': 0.029473125954766092, 'bo': 0.028028289406101727}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'a': 0.38215931852944374, 'the': 0.2019195624210375, 'to': 0.09945140688118771, 'at': 0.07138975383289929, 'of': 0.047765342954407236, 'in': 0.01982519846793683, 'and': 0.017603238223665014, 'this': 0.016396704773569318, 'tho': 0.013467315041858175}, {'and': 0.12145909661192411, 'of': 0.08186111966683005, 'make': 0.06939033330588541, 'to': 0.06442093817383278, 'with': 0.05927392347301301, 'that': 0.05749441186931377, 'for': 0.05325148617313153, 'as': 0.04962507510650145, 'in': 0.03757150574571379}, {'is': 0.36722588350150087, 'are': 0.15582087726134614, 'and': 0.1111482224670245, 'was': 0.04811395309200904, 'it': 0.04679410838959318, 'Is': 0.0462065899346783, 'but': 0.03781600497041797, 'It': 0.03188767297026166, 'not': 0.021972290171450616}, {'the': 0.12360415996451175, 'and': 0.11097045950974421, 'of': 0.056991078374508945, 'to': 0.05393673616877262, 'be': 0.04850951028598237, 're-': 0.04099394785046745, 'was': 0.03758408060227382, 'is': 0.03638722145363519, 'or': 0.02983705996698338}, {'of': 0.39075100534177254, 'to': 0.08836623379479702, 'for': 0.08168978316035383, 'all': 0.07876081581404903, 'and': 0.07497252680127098, 'that': 0.07355165684632126, 'in': 0.05506810067217033, 'by': 0.05365792693512507, 'with': 0.022283668068917385}, {'the': 0.17166569579063215, 'and': 0.0918209706246322, 'of': 0.05787669783393753, 'in': 0.05763221570119909, 'to': 0.051406692693421824, 'I': 0.03245630933797502, 'a': 0.028254778794082648, 'that': 0.020401839719117458, 'In': 0.020207656242402106}, {'I': 0.17712332243059517, 'we': 0.14403531648621304, 'they': 0.12720503589901758, 'who': 0.10408300965722316, 'would': 0.09436170443072545, 'to': 0.06821303965933527, 'We': 0.05799456539275925, 'you': 0.05641312047931034, 'and': 0.042950849335932746}, {'it': 0.14833645919785263, 'It': 0.11321249637042076, 'there': 0.09217049496483083, 'There': 0.06053388832328273, 'which': 0.047287017590900364, 'that': 0.04386554339225038, 'and': 0.026695614835261627, 'he': 0.02248365113155422, 'man': 0.014110572803103079}, {'of': 0.16499621304660442, 'and': 0.11198469544579814, 'for': 0.09933602387519445, 'as': 0.07445847128328502, 'with': 0.0736083762523241, 'is': 0.07116451340334272, 'to': 0.06544312507872085, 'on': 0.06380644959201122, 'was': 0.059141666367416475}, {'<s>': 0.1199783338322392, '.': 0.020216132997585647, 'it.': 0.016495997857282885, 'them.': 0.012576059412460766, 'him.': 0.008018667513232776, 'country.': 0.007643943258970112, 'time.': 0.007637526412730995, 'day.': 0.00747679029023692, 'year.': 0.006357499508449295}, {'<s>': 0.1336119417973699, 'it.': 0.02040381132284971, '.': 0.017375211385958933, 'them.': 0.01453028246571702, 'day.': 0.010622985230316122, 'time.': 0.009305665432998387, 'country.': 0.008925583033041327, 'year.': 0.008256369027134784, 'him.': 0.008086699080031248}, {'be': 0.36453039532707804, 'was': 0.1331693920701606, 'is': 0.11438072521833817, 'are': 0.0959735196947553, 'been': 0.07538332135549501, 'were': 0.05000695051709601, 'not': 0.0389365438723409, 'and': 0.035588625989467396, 'being': 0.032398390302784415}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'and': 0.06455572337167464, 'made': 0.029413798962112533, 'as': 0.020317646538557253, 'was': 0.019302088827988426, 'is': 0.017414445181108355, 'not': 0.016574867048360645, 'but': 0.014606150105126541, 'one': 0.014136856803543162, 'given': 0.013826868859928326}, {'be': 0.2116817662400559, 'more': 0.2037150208687763, 'been': 0.06366626456767514, 'was': 0.057028584408004526, 'is': 0.05170654785323913, 'and': 0.050920708858699544, 'not': 0.042176013970090694, 'it': 0.03961503434630478, 'he': 0.03822822030831226}, {'the': 0.3125474681339129, 'other': 0.18062182479111455, 'of': 0.07184596466237893, 'all': 0.062278329282022274, 'and': 0.05653380453949379, 'a': 0.043796297947209774, 'or': 0.03976401239727062, 'this': 0.030236853843085474, 'tho': 0.028652307628157868}, {'the': 0.1831766313667993, 'a': 0.07298459152972915, 'con-': 0.06884524875093422, 'The': 0.055467947295980126, 'this': 0.05026794226310321, 'This': 0.044152105643436634, 'that': 0.03497862869372972, 'said': 0.02947288423065803, 'of': 0.017988479785396114}, {'the': 0.18516700582068393, 'of': 0.15159104131546916, 'and': 0.059387996446788986, 'to': 0.05914919074400044, 'a': 0.055261020568452994, 'in': 0.055252658142358455, 'that': 0.030122450725496255, 'for': 0.02531742182405715, 'be-': 0.02412006602195976}, {'and': 0.11688733579682299, 'was': 0.06500890083756004, 'is': 0.046324142833373445, 'up': 0.030773113555138693, 'it': 0.02991201168220065, 'made': 0.02633708248672102, 'put': 0.02603131450301969, 'placed': 0.025678045752279336, 'that': 0.024799280543645462}, {'and': 0.1337439293388899, 'of': 0.08332769263268273, 'the': 0.07804752668342291, 'to': 0.06256160227361368, 'be': 0.032126212331262845, 'a': 0.02650250382183439, 'more': 0.0259555193209047, 'in': 0.02405387434767784, 'was': 0.022526589411659484}, {'the': 0.6707210000760055, 'The': 0.05607207377486765, 'tho': 0.03717599692378826, 'a': 0.031128662081407153, 'and': 0.02906178731321907, 'tbe': 0.01706969077469324, 'assistant': 0.01449808287403441, 'or': 0.011786021038405514, 'by': 0.011555210464157115}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'all': 0.08680522134263273, 'it': 0.06460711607637061, 'looked': 0.050066485199252456, 'arms': 0.03969770058230904, 'gathered': 0.03934563406850185, 'look': 0.03812784437857907, 'looking': 0.03776079559625816, 'turned': 0.029187521646080676, 'and': 0.026180713045872404}, {'is': 0.2900803747596568, 'was': 0.1698008707036699, 'are': 0.14752095587008462, 'be': 0.09814081677697954, 'not': 0.05735431212185204, 'were': 0.05227593964978439, 'Is': 0.04007309579305923, 'been': 0.03434098064317641, 'and': 0.03391098369875432}, {'to': 0.5657492752167381, 'and': 0.0723326421074245, 'will': 0.0487857520956731, 'not': 0.042660040697524056, 'To': 0.03460142745530625, 'I': 0.03424827181122629, 'they': 0.032817303366075475, 'can': 0.025160229384058402, 'we': 0.02156454786929816}, {'and': 0.28522573601966106, 'he': 0.07493443861207989, 'be': 0.05937966185284986, 'has': 0.05681970325601307, 'had': 0.05602613005694346, 'have': 0.050671813017280916, 'who': 0.043557884065500214, 'was': 0.03992925564591154, 'is': 0.03560849337590769}, {'is': 0.1451275227329447, 'that': 0.13595637086923865, 'and': 0.12817480590453648, 'have': 0.11796560360459508, 'had': 0.09128396085625237, 'was': 0.08849736075402313, 'has': 0.05430369969245423, 'but': 0.04477047283935962, 'be': 0.04461129694502966}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'was': 0.15993659530189241, 'be': 0.14048444751176992, 'he': 0.12410537830689113, 'been': 0.08749778313392645, 'is': 0.06166280239784813, 'and': 0.049082598575843565, 'had': 0.04473860374840897, 'were': 0.039111735797740625, 'who': 0.0383344081162118}, {'they': 0.1117243243441392, 'who': 0.1068021030510887, 'and': 0.07230195718288689, 'which': 0.04764415350857626, 'men': 0.04653206886869748, 'we': 0.04410134087399389, 'They': 0.028656451787541604, 'that': 0.025625328946271366, 'people': 0.016476672760371715}, {'to': 0.7186402469578677, 'and': 0.09443032881208098, 'will': 0.02421387003280447, 'not': 0.020637362616936047, 'in': 0.016220723363099286, 'for': 0.012797250561262071, 'that': 0.011018134883719798, 'of': 0.010640714694682574, 'I': 0.009190360266320034}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.23548791081718431, 'to': 0.23252241704255658, 'his': 0.11124005084529215, 'and': 0.06011060251382474, 'a': 0.047956455237158926, 'their': 0.04774025678171822, 'her': 0.04575772405962556, 'not': 0.039352927393875616, 'of': 0.03819870865662032}, {'Young': 0.5553908256409013, 'the': 0.0934637519093195, 'Business': 0.03817374277580375, 'and': 0.01599219259238742, 'of': 0.015073101180180003, 'A': 0.013814898327373759, 'a': 0.013189294619734103, '<s>': 0.011044439944551595, 'New': 0.009853586957428268}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'a': 0.3326052618789294, 'the': 0.12164669801578983, 'and': 0.10267745045307676, 'is': 0.07824607615728904, 'very': 0.07189411124815241, 'was': 0.04965576529408722, 'are': 0.03504743470361298, 'of': 0.03271664889411452, 'most': 0.03015424793601287}, {'and': 0.09373567240246293, 'depend': 0.03836338004663328, 'based': 0.03824772294080833, 'placed': 0.037658878880170873, 'depends': 0.03741630306694303, 'called': 0.03668431560508889, 'down': 0.03262298769122071, 'made': 0.03233144866418736, 'effect': 0.02839860992487969}, {'and': 0.08192751798409044, 'be': 0.07097299153680212, 'to': 0.06759011829562298, 'was': 0.056592968900595904, 'of': 0.050121401487692764, 'the': 0.038103070470469666, 'is': 0.034180056378847586, 'are': 0.03161108402925872, 'were': 0.03105159634658901}, {'is': 0.2995363136629844, 'are': 0.19137314642567618, 'was': 0.13207172599389438, 'be': 0.11867149860353443, 'were': 0.051527525855727674, 'it': 0.04042417238932405, 'Is': 0.03530588652282603, 'been': 0.03301053084459998, 'and': 0.03129593274442839}, {'was': 0.12631138615206325, 'be': 0.10266810813860829, 'is': 0.07420773416236255, 'been': 0.07103546083671229, 'of': 0.06873792284646085, 'the': 0.06583378673213507, 'and': 0.0648537349397784, 'were': 0.04321197092599776, 'are': 0.04158487742116568}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'part': 0.07196025971506713, 'one': 0.07000355279264338, 'some': 0.04307302051471967, 'out': 0.035392916858036194, 'members': 0.02550305881294491, 'and': 0.022215776852222372, 'tion': 0.0216911631781865, 'portion': 0.020842143848213566, 'side': 0.020717751768984743}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.21596527495718082, 'to': 0.13705358799430864, 'in': 0.10550794585302774, 'or': 0.09093849362032175, 'by': 0.06205698591390377, 'than': 0.053782818853978225, 'for': 0.04790656539220188, 'at': 0.0430352184241501, 'without': 0.04295975566074377}, {'J.': 0.09118843951062126, 'C.': 0.08268949136695011, 'W.': 0.08233262146397362, 'John': 0.08028189859935585, '.': 0.07582908275767225, 'James': 0.050482116113381825, 'Mrs.': 0.046336502163476734, 'William': 0.0390688008144046, 'Mary': 0.03357397368912116}, {'and': 0.15836598817878886, 'he': 0.1256819950699753, 'it': 0.09404197879617987, 'is': 0.04842605317117056, 'I': 0.04247756035605647, 'He': 0.037499416984008604, 'was': 0.036223601295713205, 'she': 0.03519461732179808, 'It': 0.034668708370569505}, {'as': 0.10959493670732562, 'up': 0.054123432477049316, 'went': 0.052340284992990614, 'and': 0.05065895503950552, 'came': 0.04026431320735997, 'returned': 0.034185539381663195, 'belonging': 0.03179330766357839, 'back': 0.03144467255714378, 'feet': 0.029370684544318522}, {'he': 0.13324140305250823, 'who': 0.11730135812726514, 'I': 0.0975601732345892, 'and': 0.0686711098665122, 'had': 0.06666694150929471, 'they': 0.05988327454196317, 'she': 0.04626919782565416, 'He': 0.04376698340299564, 'it': 0.03891386196058007}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.1372631855882818, 'of': 0.10166609355580568, 'and': 0.07083567840814299, 'a': 0.05662619625456243, 'to': 0.04707110086738349, 'in': 0.03263722861901728, 'for': 0.018421287769758054, 'at': 0.017037314411550913, 'or': 0.013829201144341574}, {'and': 0.1330397557943373, 'that': 0.09631762052540414, 'as': 0.09164616708515032, 'which': 0.04729028663239179, 'when': 0.031046900603517273, 'if': 0.027094029593873612, 'but': 0.02154859205071986, 'If': 0.012858228532735988, 'while': 0.012401918792895636}, {'and': 0.1240949659980973, 'he': 0.09862869160193513, 'who': 0.06993692471572079, 'it': 0.058102982586393306, 'He': 0.04248479546550609, 'that': 0.037900621808930925, 'which': 0.03626903461553001, 'It': 0.03411745327939657, 'they': 0.031043887944398014}, {'to': 0.5769461836388463, 'not': 0.10225278743394607, 'will': 0.07703669668753274, 'would': 0.0703182406800383, 'and': 0.05618485304753795, 'may': 0.018452722868917987, 'must': 0.016996004398085157, 'I': 0.015837296888761874, 'we': 0.013320517136100723}, {'the': 0.28748236287646695, 'minutes': 0.19335820949999669, 'thence': 0.14490660631016467, 'degrees': 0.09741863553753002, 'tho': 0.024565018108193823, 'south': 0.019484776292854843, 'and': 0.01933172204076289, 'The': 0.01673787736348421, 'south-': 0.015423432022891386}, {'for': 0.3367624198969453, 'of': 0.10308104205164144, 'in': 0.08771215872602003, 'to': 0.07253577846808335, 'at': 0.06326405945808518, 'For': 0.06022787213982915, 'and': 0.0482142726883356, 'that': 0.0440192606111605, 'by': 0.040758341223083194}, {'was': 0.1143626345399898, 'and': 0.09588919054701216, 'is': 0.08057864275854806, 'be': 0.04787702173879258, 'it': 0.044165979403188844, 'the': 0.043337434730418345, 'have': 0.04207267758916771, 'been': 0.04180744383122192, 'he': 0.03902442246011003}, {'a': 0.470183719925359, 'the': 0.2502377053056264, 'of': 0.05990159941931484, 'The': 0.04166082270498917, 'in': 0.034676495665889304, 'with': 0.029980264144382908, 'and': 0.025849860765764135, 'no': 0.019833975207068005, 'A': 0.013253192226858735}, {'to': 0.09743403541681209, 'and': 0.09167879388523711, 'of': 0.09163812801203593, 'in': 0.07798643620498621, 'was': 0.05262040897605749, 'the': 0.045042776977973716, 'is': 0.043038904847568525, 'be': 0.0396938274457085, 'for': 0.03200416339058025}, {'and': 0.1293929430120958, 'to': 0.11802623825043505, 'in': 0.05645365911423492, 'I': 0.052034440164413776, 'of': 0.03602153426919112, 're-': 0.03377192839127701, 'the': 0.02824076242409842, 'not': 0.02436808323297424, 'he': 0.021943321573334208}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {';': 0.0179856844205347, 'it,': 0.01153250544084635, 'him,': 0.008193677301844927, 'them,': 0.008191478398143099, 'one': 0.0076387385487041055, 'years,': 0.006813064467769837, ',': 0.0067275533805364615, 'county,': 0.005992655748054694, 'city,': 0.005878967173316584}, {'<s>': 0.09291244322311071, 'it.': 0.02127900398278258, 'them.': 0.01638003935974731, '.': 0.010960500586390762, 'time.': 0.008934705032544238, 'country.': 0.008904817683758493, 'him.': 0.008404925244217562, 'day.': 0.007110970854265739, 'year.': 0.006566254710470156}, {'and': 0.13968457904456047, 'that': 0.12180528555324284, 'as': 0.06983923660446828, 'but': 0.05853521491849401, 'when': 0.05562990201924869, 'which': 0.032216284003093294, 'if': 0.028745780765819955, 'When': 0.024601889340928773, 'what': 0.022851089822459394}, {'and': 0.09984287215132183, 'of': 0.07992702836178894, 'the': 0.07052611937532745, 'be': 0.06371568740290873, 'is': 0.04622126902531392, 'was': 0.04003411727217056, 'to': 0.03319402937162689, 'in': 0.029893209265187966, 'as': 0.024296362537478897}, {'and': 0.15230913699539034, 'of': 0.12189195226176681, 'the': 0.09380578131839966, 'to': 0.0739382297113746, 'a': 0.03358969928048824, 'in': 0.024207774354381862, 'that': 0.022208396610077317, 'as': 0.021182602761076644, 'or': 0.01781006566303221}, {'the': 0.14595806924877025, 'of': 0.0814479750901016, 'and': 0.07618396524216864, 'a': 0.04332798424561837, 'to': 0.031355868036549286, 'in': 0.02664264934210261, 'by': 0.023931069000020982, 'for': 0.020092547289902687, '.': 0.019769209834954265}, {'the': 0.5530294366304223, 'an': 0.09312097983398178, 'a': 0.07255292380579094, 'of': 0.04560455975349465, 'The': 0.029431576270693677, 'tho': 0.02913238070150603, 'our': 0.02121216961788157, 'in': 0.019526106060488737, 'good': 0.015704127002203284}, {'the': 0.17279284234365117, 'and': 0.10111623759177525, 'of': 0.06061339928705464, 'to': 0.04787251982130371, 'a': 0.03109824645072629, 'that': 0.02494504632069048, 'I': 0.021325617002492768, '.': 0.017652905179685315, 'will': 0.017483156697927976}, {'the': 0.20228771701023132, 'a': 0.13903437241139732, 'of': 0.08516973063996605, 'and': 0.058927160148095216, 'that': 0.02900218937596069, 'in': 0.027065710166292476, 'an': 0.024609463094138934, 'The': 0.021136654300866142, 'to': 0.021085472324882122}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.18491212704755355, 'a': 0.18177371373266615, 'was': 0.10405032981057748, 'is': 0.07113410344641069, 'and': 0.0670711565450654, 'that': 0.050095283886062686, 'are': 0.0470037521275192, 'but': 0.044040904265246476, 'be': 0.041343776966575596}, {'the': 0.6957982371069918, 'of': 0.0738677067212237, 'a': 0.05895423735996474, 'tho': 0.030026821645951256, 'every': 0.01797337448488866, 'and': 0.016812078884269294, 'for': 0.016053160039322383, 'The': 0.015131292428058576, 'this': 0.014331165975791788}, {'is': 0.16522002947940517, 'was': 0.12274232148782496, 'are': 0.10399428347138716, 'did': 0.10024066720241814, 'do': 0.09149032470347483, 'could': 0.07352671577333592, 'and': 0.06439575477453618, 'does': 0.06167423930861674, 'will': 0.06155265911893676}, {'the': 0.3078920794623964, 'an': 0.0929656085591395, 'a': 0.07691168070195059, 'to': 0.06595932059447666, 'and': 0.05859572775452234, 'his': 0.050849535569528474, 'per': 0.026624665997397906, 'from': 0.026334026221590895, 'my': 0.025764432174061835}, {'the': 0.45288402467900113, 'White': 0.09490810105769597, 'a': 0.04820887115311838, 'Opera': 0.04335239383655133, 'this': 0.04030725022223479, 'tho': 0.01938379674776948, 'Court': 0.0150689916452656, 'States': 0.014658718368385774, 'that': 0.012909639807891924}, {'the': 0.3692369991477477, 'a': 0.29390176253698524, 'large': 0.1300982944329967, 'The': 0.04926111491434252, 'great': 0.03889018742851189, 'tho': 0.03415751673623058, 'one': 0.015158124049266112, 'small': 0.012443062697428122, 'other': 0.010874618796483252}, {'the': 0.5157701571300666, 'of': 0.11510319019239107, 'in': 0.06804100006443513, 'his': 0.040820529948019255, 'tho': 0.03469851088076283, 'for': 0.026788213760231563, 'a': 0.022671324460846, 'The': 0.020949105378287123, 'this': 0.019469574329613597}, {'of': 0.17957748037992263, 'as': 0.12134754198277302, 'to': 0.08716002131284929, 'for': 0.08611799492889546, 'is': 0.08285345967619029, 'and': 0.07826957376611521, 'in': 0.07569993567310575, 'was': 0.07340475280410129, 'with': 0.06853215913910474}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'more': 0.5444241368960685, 'rather': 0.10919286139379658, 'less': 0.07850325478477688, 'better': 0.07618776577237797, 'greater': 0.017117118892043696, 'other': 0.015842292232950674, 'worse': 0.015101564751577546, 'and': 0.009653990211437207, 'larger': 0.00667756495605838}, {'of': 0.1784785250025699, 'in': 0.14233106283869756, 'for': 0.1025131309455742, 'with': 0.08814692778897279, 'was': 0.06882111202772605, 'to': 0.06726043049621307, 'and': 0.06563880224480766, 'by': 0.05584785712434067, 'is': 0.04877952262437545}, {'and': 0.06810400754604652, 'of': 0.04794596160222407, 'set': 0.042587894158554206, 'was': 0.03947379606112176, 'them': 0.026370801104104735, 'well': 0.02516169395353337, 'for': 0.02411122764714889, '.': 0.022476338187083632, 'are': 0.02161177298684837}, {'the': 0.17176423883078548, 'Hood': 0.15224224467625463, 'Hudson': 0.06040106120983094, 'Fall': 0.044869689825397206, 'Red': 0.0388948919047739, 'and': 0.036567512242601116, 'Mississippi': 0.02727413199315311, 'The': 0.02353860600983959, 'Snake': 0.021725811401770365}, {'he': 0.1838703288043293, 'which': 0.10095876507549141, 'and': 0.07621370629910985, 'who': 0.06984296427623714, 'that': 0.055108231177125655, 'it': 0.05280532214962642, 'He': 0.0525733599820414, 'It': 0.039342667050376784, 'she': 0.02123218389040149}, {'and': 0.08220050673575817, 'of': 0.06711090936689224, 'the': 0.05508467297919811, 'was': 0.04964713557611221, 'about': 0.042396313776930664, 'be': 0.04008979171672752, 'to': 0.03848730769156178, 'west': 0.03517352723723138, 'east': 0.03213939874207356}, {'to': 0.10094386030919154, 'the': 0.07623852234298908, 'of': 0.06856338941850298, 'be': 0.05370121662662575, 'was': 0.05254205342147151, 'and': 0.04918803623937901, 'in': 0.046653856226581754, 'is': 0.03357375275230713, 'on': 0.032478812742343086}, {'the': 0.2632159006429148, 'a': 0.16548927856866086, 'of': 0.05956853237394544, 'and': 0.04780563235385761, 'in': 0.040225728740591014, 'The': 0.03818715841563132, 'an': 0.03639277357124928, 'to': 0.020140787087533817, 'Mr.': 0.015790719669738093}, {'of': 0.35400145368180064, 'for': 0.13050045534002647, 'to': 0.0842236141558485, 'in': 0.07762628631052854, 'by': 0.06261683700313127, 'that': 0.062203216442132996, 'and': 0.05783091402288655, 'all': 0.03590002550121215, 'with': 0.03526546108562613}, {'the': 0.1587375480149859, 'of': 0.08254551462499617, 'and': 0.08085930804487639, 'a': 0.06729257711216322, 'to': 0.061384945294075344, 'be': 0.030563864346128792, 'was': 0.0243997806807823, 'or': 0.020098682714989803, 'is': 0.017668635246422947}, {'of': 0.07850986037746138, 'and': 0.051404036417400475, 'in': 0.03463754608297855, 'that': 0.024625545826045897, 'from': 0.021591760835001955, 'one': 0.019374608703602393, 'to': 0.01619653197192599, 'by': 0.015164895833129742, 'at': 0.013972276968324805}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.12609042808308701, 'the': 0.10981496704007557, 'to': 0.063148904806138, 'of': 0.05662443420888641, 'a': 0.039958778974359496, 'or': 0.038831950725188386, 'be': 0.03715537704845316, 'was': 0.03675134022103579, 'is': 0.03481259136879082}, {'the': 0.10493016265214512, 'of': 0.10387162609657845, 'to': 0.07143523741087882, 'and': 0.06490433550068786, 'be': 0.04350935367034828, 'was': 0.03988506702247988, 'in': 0.03708430145183628, 'is': 0.036794505183482235, 'on': 0.03424324023288519}, {';': 0.014154649682791315, '.': 0.009892431881666079, 'in': 0.008596182714498099, 'city': 0.006613929637725571, ',': 0.006565385645023453, 'State': 0.006308455817495215, 'him': 0.006118314340169678, '': 0.004909138081135901, 'up': 0.004908227967349073}, {'and': 0.12146174260060166, 'was': 0.051667027792412605, 'put': 0.04089758762050377, 'placed': 0.036255649865957515, 'is': 0.02863795318113199, 'that': 0.02833854707166272, 'payable': 0.02537047840458343, 'one': 0.020930526461155525, 'committee': 0.020736928222611965}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'<s>': 0.05794545874280846, 'that': 0.05306400312407476, 'and': 0.028184203499259767, 'it.': 0.02471128504724403, 'but': 0.01718476727807942, 'as': 0.01466768248435974, 'them.': 0.014175614589163154, 'country.': 0.011615270763633563, 'of': 0.011235173260174407}, {'to': 0.7271381626289747, 'would': 0.06683676703820288, 'will': 0.05708197469657855, 'not': 0.035574154522374855, 'and': 0.021706892964321402, 'can': 0.019218830374707785, 'could': 0.01902470586930821, 'may': 0.016475854807482218, 'should': 0.013389514290796661}, {'of': 0.38611484265185114, 'in': 0.12038564365289801, 'on': 0.09284182864554102, 'to': 0.07876206209510131, 'for': 0.05807897780027987, 'from': 0.0491215865472002, 'at': 0.04386241879618636, 'and': 0.04256287288044493, 'with': 0.032109778924714456}, {'W.': 0.16568007132985207, '.': 0.08582280457665836, 'J.': 0.06524522619212361, 'H.': 0.052290211058063696, 'E.': 0.04952018760571503, 'Miss': 0.04712526526942949, 'A.': 0.046412734043927116, 'Mrs.': 0.04217094813701506, 'F.': 0.037964006338234095}, {'of': 0.2732214124401683, 'in': 0.0952652689430467, 'for': 0.08844447985316166, 'and': 0.08811235821752864, 'to': 0.07450667599464875, 'as': 0.06734043918262131, 'with': 0.06669428099855632, 'by': 0.06144632394582577, 'that': 0.04878894337657667}, {'a': 0.37471348048089725, 'the': 0.16785901069446962, 'each': 0.07550633689772956, 'The': 0.06603261449126029, 'one': 0.05946792674265568, 'this': 0.04336394732036852, 'every': 0.03644735975777725, 'Each': 0.035969378124440184, 'and': 0.03537951151821733}, {'the': 0.19582293143809826, 'a': 0.1163626514009462, 'of': 0.09069440876596804, 'and': 0.051211906893816835, 'that': 0.03862552192912484, 'any': 0.034588737020614935, 'to': 0.0322090696708329, 'by': 0.03218092995226173, 'The': 0.023863429878189596}, {'protest': 0.09121583950105695, 'and': 0.05849466309616807, 'up': 0.03860623313834851, 'made': 0.03781219670117988, 'voted': 0.034284524404800495, 'claims': 0.032725913187293544, 'vote': 0.030487224689882242, 'guard': 0.030240980595386113, 'fight': 0.030031694700912666}, {'of': 0.33961280687470735, 'to': 0.07134803995601022, 'by': 0.038206869009584664, 'in': 0.03795904035279693, 'and': 0.035458627605371586, 'that': 0.027291746613240044, 'with': 0.027163059517320634, 'at': 0.026500112068219856, 'is': 0.021209344807654552}, {'of': 0.19018924336552215, 'for': 0.16305369126672334, 'to': 0.09853391632402181, 'in': 0.09338660441222936, 'with': 0.08653636312364392, 'do': 0.04473658577300659, 'from': 0.03143524764946533, 'and': 0.029194038559294047, 'on': 0.028640768598479284}, {'feet': 0.11626754433424884, 'and': 0.05243435687615594, 'sent': 0.042046347083769, 'according': 0.041977204975374965, 'down': 0.03655875133526445, 'went': 0.036464607008423494, 'as': 0.03361244656983906, 'up': 0.03295672859844958, 'regard': 0.031607027698526656}, {'the': 0.13809293465140762, 'of': 0.09331204115528387, 'a': 0.07324527643512865, 'and': 0.05403739461696934, 'to': 0.04785443890569082, 'in': 0.03498271873309252, 'on': 0.02566756334415012, 'be-': 0.022644629690234477, 'his': 0.018936287879441557}, {'an': 0.3260853667737162, 'to': 0.17203189102814415, 'the': 0.1186991910259306, 'no': 0.0556670371053062, 'I': 0.04284427066985369, 'will': 0.04145641720486657, 'and': 0.03902996779662621, 'not': 0.03318554782304548, 'any': 0.02755771325333376}, {'the': 0.525807899932507, 'The': 0.060103374254395284, 'con-': 0.05056858692271973, 'tho': 0.035313168267301, 'a': 0.034219028551853735, 'and': 0.03268676163454651, 'tbe': 0.016052619334127265, 'of': 0.014501132420673583, 'an': 0.014147147934260697}, {'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.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.34708783260881565, 'and': 0.1366775498272535, 'that': 0.11403806935374675, 'all': 0.06554426987992795, 'by': 0.05536389444073956, 'to': 0.04054027846149167, 'for': 0.03757453483908723, 'with': 0.03319004979909138, 'as': 0.027035072410464146}, {'and': 0.07248796447680561, 'more': 0.03144128293415438, 'that': 0.028438000992970662, 'of': 0.02366643967232345, 'it': 0.021900864911524185, 'as': 0.021688676661814215, 'be': 0.019408708900582022, 'was': 0.01924529323329742, 'is': 0.016215524524914864}, {'the': 0.6421849115773831, 'and': 0.11528173319511947, 'The': 0.037665220865212456, 'tho': 0.027642834596218798, 'said': 0.017925305822418403, 'certain': 0.015433978192937596, 'of': 0.01401580864594946, 'or': 0.01398659262066448, 'tbe': 0.012117682782518159}, {'that': 0.3312057614965943, 'and': 0.12746512111619224, 'which': 0.08747506296390262, 'as': 0.061261381380697574, 'but': 0.05666462182319264, 'where': 0.04665632703742455, 'when': 0.03911822497617134, 'if': 0.03771572603017203, 'what': 0.023159504928101093}, {'the': 0.3584698778324734, 'a': 0.09531212630331465, 'his': 0.0938695857939597, 'The': 0.08798944630048883, 'and': 0.074770003165399, 'that': 0.043099640502122616, 'their': 0.042772363641056396, 'my': 0.040593622843370036, 'our': 0.04042730424159728}, {'as': 0.4293846769031618, 'is': 0.1305527172326134, 'be': 0.07436503366659274, 'best': 0.05560730501134659, 'was': 0.052676531269449926, 'it': 0.045501111341324146, 'and': 0.041197246084492475, 'im-': 0.033408770331788386, 'not': 0.02555594807845029}, {'of': 0.24710657957240154, 'in': 0.16060337712970466, 'at': 0.12835205640596345, 'to': 0.10589611458490024, 'on': 0.06747839441288173, 'and': 0.05299396890603719, 'that': 0.05031710991480674, 'from': 0.04836573742514147, 'for': 0.0479834058061458}, {'and': 0.11240598260665374, 'made': 0.05336922175648305, 'or': 0.04955301731973661, 'that': 0.03896629754649044, 'him': 0.028068086829392443, 'only': 0.028067323380942543, 'it': 0.023580318144729655, 'but': 0.019808377812901172, 'accompanied': 0.019676074582310497}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'that': 0.1984060385365462, 'and': 0.10514713537087031, 'but': 0.05828445757556047, 'if': 0.04481524779145149, 'as': 0.04238041920587138, 'which': 0.040798259226607195, 'when': 0.04040148718867877, 'what': 0.02272924130379883, 'If': 0.021663900845287014}, {'in': 0.3746561970508436, 'of': 0.2780421762458037, 'In': 0.06667216876757444, 'to': 0.0635074545441872, 'for': 0.04280582234276408, 'by': 0.03001321777380355, 'that': 0.0296481153140963, 'into': 0.027512832179829153, 'on': 0.027118618930944662}, {'the': 0.6025845265698773, 'of': 0.06894039103663505, 'a': 0.05524535592771217, 'American': 0.037200458128829605, 'our': 0.03079453771146668, 'other': 0.030721842331041208, 'tho': 0.02888357664383594, 'The': 0.023647804340514545, 'his': 0.017190132324969694}, {'her.': 0.039558949208780954, '<s>': 0.028277284237513904, 'it.': 0.02231066342660838, 'him.': 0.01472212213319028, 'them.': 0.010603182999413235, 'day.': 0.007562919959257676, 'life.': 0.007166219793109435, 'years.': 0.007078327599825915, 'time.': 0.006677701454146802}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'of': 0.1251622780378323, 'and': 0.06851562304702458, 'in': 0.040719327955407066, 'to': 0.03906633471322285, 'that': 0.02957900918683245, 'on': 0.0249281881366002, 'for': 0.02422637637093547, 'things': 0.01655509920241699, 'those': 0.013552355584487058}, {'be': 0.18990698695536176, 'is': 0.14380835166085545, 'are': 0.11761990259936148, 'was': 0.08621477187195824, 'and': 0.07036940347213157, 'not': 0.06337249240613162, 'been': 0.0602281168009334, 'were': 0.0380149709493385, 'well': 0.035783063924301965}, {'the': 0.23962795749227023, 'and': 0.13756995907841435, 'of': 0.09522709856065438, 'to': 0.08707786170619337, 'a': 0.030723916612090747, 'The': 0.029385105003478455, 'not': 0.025758426612429483, 'in': 0.025204604275226365, 'their': 0.02364091511379442}, {'the': 0.23219400508480867, 'their': 0.1553668427132427, 'his': 0.1331723164749126, 'of': 0.06737130788662749, 'her': 0.05825090755073967, 'my': 0.04141140996273065, 'and': 0.029084087683267635, 'our': 0.028692975087986836, 'its': 0.028040976414241314}, {'would': 0.17857417821928026, 'and': 0.16691405918397414, 'but': 0.08050809527692653, 'will': 0.06911586480708373, 'the': 0.05547748770704417, 'do': 0.05132216400531498, 'or': 0.04287750136710058, 'a': 0.04121415203716043, 'is': 0.040085281678886385}, {'and': 0.08554787569977669, 'that': 0.05924192462639441, 'Committee': 0.045314476184676385, 'committee': 0.04195465343007674, 'was': 0.019454187967846218, 'going': 0.017568728821090118, 'work': 0.01747912351504512, 'one': 0.016632604483037106, 'or': 0.015153627925142193}, {'the': 0.15133949703036184, 'of': 0.1257186614263628, 'and': 0.1160111727285564, 'to': 0.034597740926235535, 'in': 0.03195179364722392, 'be': 0.028073839063724827, 'that': 0.024317974317508918, 'which': 0.02373733601083635, 'much': 0.02285848899861933}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.1520033924961169, 'to': 0.11138457829471794, 'he': 0.052734191036357944, 'of': 0.03899527105088295, 'in': 0.02953715637365874, 'the': 0.02846215666918684, 'was': 0.027299499167276732, 'that': 0.02489404027207233, 'for': 0.02429960089554172}, {'and': 0.11307961275156142, 'just': 0.09461292993580717, 'is': 0.07982223540507573, 'be': 0.047728002869893586, 'much': 0.04756572561993383, 'far': 0.04734647359381903, 'are': 0.04642896075320294, 'not': 0.04337371298239618, 'but': 0.04317157880965266}, {'the': 0.3425472626862099, 'his': 0.10189362374760773, 'their': 0.0960183420049196, 'of': 0.09193968437587419, 'her': 0.06322398593422868, 'our': 0.06215113267762007, 'its': 0.058269941585058056, 'great': 0.041756146211995845, 'this': 0.03811518194301304}, {'the': 0.5876950890198092, 'his': 0.07579752418303642, 'a': 0.0725937358510061, 'their': 0.03274171848275986, 'this': 0.030716143922689565, 'tho': 0.029432922913960286, 'her': 0.02730762758701791, 'of': 0.02206705243927786, 'The': 0.021257947435988363}, {'of': 0.181054824261643, 'in': 0.11731345592433629, 'and': 0.10677417792404181, 'with': 0.08901447736060603, 'to': 0.07484974635099766, 'for': 0.06808485692452054, 'by': 0.05561545910585575, 'such': 0.05438847786169451, 'as': 0.05298000925322926}, {'to': 0.25618089987888376, 'the': 0.18416412021542097, 'a': 0.15018960909199378, 'and': 0.07655101962319828, 'will': 0.06570840803015178, 'we': 0.04974204026229986, 'not': 0.04894622442913991, 'would': 0.03916161305728938, 'you': 0.035202108998752514}, {'the': 0.49182553014978453, 'a': 0.12225916637943349, 'gold': 0.05237534726800801, 'The': 0.045648450243722716, 'tho': 0.04516896141743283, 'and': 0.040596447221233865, 'high': 0.02982728199861366, 'any': 0.022482873705417142, 'other': 0.015597541550442682}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'<s>': 0.0431278070932333, 'it.': 0.031206302075249815, 'them.': 0.01505897996689485, 'him.': 0.013010394240772457, 'country.': 0.008508632546250528, 'time.': 0.007252968798484697, 'again.': 0.006364198707666476, 'years.': 0.006183571225276143, 'life.': 0.006056049785644835}, {'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.3971879970123666, 'a': 0.08692256571064366, 'and': 0.05510850778410096, 'of': 0.0533624191217837, 'this': 0.05145879982446315, 'any': 0.04827347234254244, 'to': 0.044513181586448805, 'our': 0.04276766469700916, 'The': 0.03715930550178417}, {'they': 0.18806047864884243, 'who': 0.1170323191670791, 'we': 0.07365227990647744, 'which': 0.06623822708234965, 'and': 0.055763759070564196, 'They': 0.04568399483462848, 'that': 0.0422217527283549, 'We': 0.035273206358062324, 'there': 0.02949853576749708}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.2352656959173488, 'Supreme': 0.159522559487549, 'said': 0.10283652397671751, 'District': 0.05231083405346649, 'Circuit': 0.048419629423795615, 'County': 0.04668684390405129, 'Probate': 0.04464144588220885, 'of': 0.04373796396354017, 'this': 0.039266121128563}, {'it': 0.1562807757905685, 'which': 0.08494799871609857, 'and': 0.08112484806497348, 'It': 0.06907920063525162, 'there': 0.05956320554773866, 'they': 0.04587430296742804, 'who': 0.03479365750475869, 'we': 0.033141882320015616, 'that': 0.03109157477284084}, {'of': 0.367057887122833, 'to': 0.08981490958751977, 'and': 0.08459260769817352, 'that': 0.07886453259095148, 'in': 0.06698520626950424, 'with': 0.06259041839880075, 'by': 0.04846675327098943, 'for': 0.04833160538307392, 'from': 0.03887866654377811}, {'he': 0.14235240080491893, 'I': 0.12754240951000867, 'have': 0.08573059589986047, 'had': 0.08491990051967054, 'who': 0.08181494106583996, 'and': 0.07787789368976267, 'we': 0.06270130307355955, 'they': 0.06060352253179075, 'has': 0.05971462142744951}, {'in': 0.21592165314617692, 'of': 0.16003468150704633, 'to': 0.08811818813818936, 'with': 0.07512830797456303, 'from': 0.06261748837567305, 'for': 0.05635593473813143, 'by': 0.05440425871181123, 'upon': 0.04397081733883394, 'on': 0.041181911859966565}, {'New': 0.6103647238019759, 'the': 0.049934720607925955, 'and': 0.03866305184937544, 'of': 0.030226000206924487, 'in': 0.024735063858575067, 'on': 0.017918409662249616, 'to': 0.01674209610127541, 'a': 0.0144141425781693, 'for': 0.014243204296968289}, {'and': 0.09258490058273237, 'recorded': 0.06069537325029225, 'is': 0.04807151552091296, 'was': 0.04715087470973683, 'that': 0.03726286452995886, 'up': 0.03373543291702341, 'held': 0.03196150757634735, 'made': 0.02873396982814916, 'time': 0.02865577182046666}, {'and': 0.09413655719282826, 'was': 0.029269326146174075, 'up': 0.027289232571672196, 'that': 0.022313780563047603, 'is': 0.01720034809865331, 'recorded': 0.01655528523350114, 'them': 0.015577753232245922, 'feet': 0.01531636057700859, 'situated': 0.014744234609500825}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'the': 0.1402156895109803, 'of': 0.06498449243535817, 'a': 0.04592712670240091, 'and': 0.043973420121671186, '.': 0.036752871689352984, '<s>': 0.0203162250494937, 'The': 0.01548888818805748, 'A': 0.013353974601349877, 'on': 0.012592998024739274}, {'in': 0.07535093398737965, 'and': 0.04535192052181244, 'well': 0.039435344754621675, 'of': 0.02937041325292465, 'known': 0.018833939154162985, 'on': 0.014905010873202985, 'made': 0.013295357389589839, 'In': 0.010558777086581594, 'far': 0.007715141737751361}, {'the': 0.2869364424336497, 'a': 0.1113922693825356, 'this': 0.0738181267094414, 'next': 0.05988055887744061, 'to-': 0.045991634719970136, 'per': 0.04311931879704921, 'that': 0.04037524199703774, 'one': 0.03752486171356186, 'every': 0.037153581643938914}, {'was': 0.2627664040677106, 'is': 0.21315835987248627, 'and': 0.10235498294957825, 'be': 0.08458300194699725, 'it': 0.05833775379147881, 'are': 0.05223676758504376, 'were': 0.05089742508434358, 'as': 0.04743268456914845, 'been': 0.043885390927939784}, {'and': 0.023341638822857835, 'it': 0.022923066867136892, 'him': 0.019590151650721345, 'the': 0.01822829263349931, 'made': 0.016420780998103037, 'them': 0.015366649417648308, 'well': 0.012068308109123595, 'up': 0.01054969251420622, 'me': 0.00990714077777416}, {'the': 0.21416187174833595, 'of': 0.14724939139038049, 'raw': 0.13048614041813797, 'and': 0.07171182892046957, 'his': 0.04468340058787686, 'with': 0.04445483052674129, 'a': 0.04329744222365183, 'their': 0.034317804516957706, 'or': 0.0328390939642362}, {'a': 0.5328601020233019, 'the': 0.2157829067091366, 'his': 0.03136563904677383, 'and': 0.030730185615076146, 'The': 0.026600560412461994, 'their': 0.02403124260418324, 'every': 0.018963442576723496, 'A': 0.017726042233540004, 'of': 0.017481671604659035}, {'of': 0.2325206359485779, 'for': 0.10867567068982335, 'to': 0.10098141038517233, 'or': 0.09060500901860713, 'by': 0.08471774607133897, 'in': 0.08458487178492634, 'without': 0.07210313816187659, 'that': 0.04956520973832106, 'with': 0.045361832802228}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'the': 0.5720131653456458, 'a': 0.11826819446848233, 'The': 0.07539773381622003, 'in': 0.03665352243868427, 'tho': 0.034414090071022835, 'and': 0.027437861954112665, 'of': 0.02059097888704305, 'on': 0.018099639310975805, 'tbe': 0.014663505374807675}, {'J.': 0.09118843951062126, 'C.': 0.08268949136695011, 'W.': 0.08233262146397362, 'John': 0.08028189859935585, '.': 0.07582908275767225, 'James': 0.050482116113381825, 'Mrs.': 0.046336502163476734, 'William': 0.0390688008144046, 'Mary': 0.03357397368912116}, {'was': 0.22848949867460486, 'and': 0.14143007170221655, 'is': 0.13064131669771392, 'the': 0.07765888975840426, 'are': 0.06923376400129137, 'were': 0.06712056666642956, 'an': 0.0592238630519339, 'be': 0.056138819227178574, 'I': 0.03653686584473593}, {'all': 0.15257941024289587, 'and': 0.07509635655337725, 'it': 0.05909812263388652, 'went': 0.0533285162061658, 'go': 0.042209061474882584, 'looking': 0.0411615162247796, 'turned': 0.04091460280164675, 'was': 0.03667176691916842, 'get': 0.03507319325731424}, {'W': 0.10776235319171491, 'M': 0.08872761950457017, 'J': 0.08726887506452609, 'C': 0.08063004997041978, 'S': 0.0748991823490514, 'E': 0.07406155644726299, 'A': 0.07018206293707215, 'H': 0.06803407779447025, 'B': 0.06392180699507438}, {'a': 0.5567948669984584, 'the': 0.14561543550253186, 'young': 0.050303002878246496, 'chair-': 0.03171188962859251, 'every': 0.02635881672666525, 'A': 0.02401468062363219, 'any': 0.020993764254934023, 'The': 0.019325141175503335, 'no': 0.016171066592188785}, {'<s>': 0.057890563143209665, 'it.': 0.04453391642143187, 'you.': 0.0424453387634983, 'them.': 0.023583317703337926, 'me.': 0.015286428810989676, 'letter.': 0.012462645967686172, 'him.': 0.01156418498476538, 'time.': 0.010710471266793605, 'life.': 0.00932549058800624}, {'the': 0.6147554722222889, 'a': 0.08880544009738264, 'and': 0.051741354859217, 'tho': 0.03562989389691823, 'The': 0.032920531502952696, 'his': 0.018481702879965756, 'their': 0.015143719790143652, 'of': 0.01412067858849814, 'or': 0.014092642803053829}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'was': 0.18470222766630434, 'and': 0.14665688561436413, 'be': 0.12562987039336915, 'been': 0.11376114546220624, 'day': 0.0791223267939064, 'is': 0.06737651289814986, 'complaint': 0.04275536770400184, 'were': 0.04194797777400483, 'duly': 0.029108124026050695}, {'of': 0.31108690624149743, 'to': 0.11559688195558217, 'in': 0.10188252671190413, 'and': 0.09694685392632647, 'that': 0.08614767509315178, 'as': 0.04792646507510953, 'by': 0.03978143167759178, 'with': 0.03743975742993094, 'for': 0.03653912057727153}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.10021247875837165, 'place': 0.07374663090022879, 'point': 0.04067411090614837, 'places': 0.03416809944778341, 'know': 0.032761229293419285, 'or': 0.025427246234602904, 'that': 0.022702410089065827, 'spot': 0.021300756401347765, 'cases': 0.018418395420333303}, {'it': 0.18799476193359307, 'It': 0.08908477585564534, 'there': 0.0782565161721338, 'they': 0.0607880603232045, 'that': 0.055266195416502926, 'which': 0.0511501671325387, 'he': 0.04987225743663854, 'and': 0.04873018340012423, 'I': 0.03700648773256737}, {'is': 0.08397146522231141, 'was': 0.06655338799136797, 'able': 0.06487500764091036, 'and': 0.06051119714226718, 'him': 0.05950195916175651, 'had': 0.05709313297976147, 'have': 0.053810319119429934, 'enough': 0.04416591822355954, 'as': 0.03924861277752896}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'the': 0.34858340379303593, 'a': 0.18364554670651423, 'Republican': 0.10849484527558154, 'Democratic': 0.0839858187304363, 'democratic': 0.0435891153752541, 'republican': 0.03857966681394653, 'The': 0.02690085530093007, 'of': 0.025603996294823184, 'his': 0.024096990413098804}, {'the': 0.38486489585985184, 'of': 0.13675987732204023, 'a': 0.11768840576544642, 'and': 0.05555272779324577, 'in': 0.0475516962244562, 'his': 0.022739303172851177, 'to': 0.02177196144889921, 'tho': 0.020703125546346512, 'this': 0.020677183559602328}, {'provisions': 0.08073715935827591, 'copy': 0.0736391560682133, 'date': 0.06126785618911646, 'part': 0.060156443727493014, 'one': 0.05072927588670638, 'out': 0.046544744589770135, 'people': 0.04379595747442379, 'publication': 0.03754965700161905, 'members': 0.02629976277855684}, {'it': 0.14666235719349513, 'It': 0.14470877816751312, 'he': 0.0945124943969407, 'which': 0.07156552169957323, 'and': 0.060073034420487885, 'This': 0.059451802840222605, 'there': 0.04375785307813736, 'that': 0.04099937529579349, 'He': 0.040123996196120185}, {'the': 0.2486076317849769, 'of': 0.21058416461467985, 'a': 0.18022948043194925, 'and': 0.07379619996769957, 'in': 0.06123320830119985, 'to': 0.03814669776975035, 'that': 0.037375326112695846, 'for': 0.03479531747955456, 'The': 0.027074436916330446}, {'and': 0.12382871013582636, 'the': 0.10189405659331949, 'of': 0.07430245031367753, 'to': 0.05623716625562117, 'a': 0.0390209097169836, '.': 0.032437073931922925, 'Mr.': 0.02451461715746782, 'his': 0.018261582709524462, 'in': 0.016246117853893995}, {'the': 0.4718642683247665, 'in': 0.09245166545527063, 'an': 0.08572421811273526, 'and': 0.05082677525937769, 'of': 0.037912925012941204, 'tho': 0.03195415460535347, 'The': 0.030168736933423694, 'In': 0.02777151791076009, 'any': 0.02338978847182051}, {'a': 0.27419365454844974, 'the': 0.260087895342498, 'and': 0.10615059078851902, 'most': 0.05027714424974883, 'The': 0.034951614259787746, 'all': 0.031575284632970956, 'some': 0.028783881073068247, 'of': 0.02573852191512107, 'or': 0.0221810740265345}, {'there': 0.2121267506317505, 'There': 0.13718627203487402, 'they': 0.12024667313887494, 'you': 0.06812054020406523, 'who': 0.06396066630466096, 'we': 0.04672392366574985, 'which': 0.0422809493328249, 'They': 0.039398943692579576, 'and': 0.036259773821675986}, {'have': 0.3255828358238317, 'has': 0.24646946705714523, 'had': 0.22365004971269362, 'not': 0.03272969069844632, 'having': 0.030915000638381845, 'bad': 0.01496838570016474, 'ever': 0.01382231302640197, 'never': 0.013735847197120303, 'havo': 0.01048593870034795}, {'he': 0.2694155462962354, 'I': 0.09753375011674162, 'who': 0.08140415948277227, 'and': 0.06272302991560756, 'she': 0.06142816242481147, 'He': 0.05058795894558365, 'they': 0.04653033887713136, 'which': 0.035017414522285364, 'that': 0.029232205454449073}, {'the': 0.06191003182967679, 'of': 0.04313737201340029, 'and': 0.03171577563154461, 'a': 0.026209646287794017, 'an': 0.024703602949476842, '-': 0.024477486621183726, 'i': 0.023278590175157755, '.': 0.02082952790152722, 'to': 0.020171601196956913}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'of': 0.28540050681825346, 'in': 0.19198109147647568, 'for': 0.10538711603676182, 'that': 0.0703704186007455, 'by': 0.05825289978554031, 'to': 0.05433000744452009, 'In': 0.053730797328086444, 'and': 0.047021757555268176, 'with': 0.0419781729146686}, {'of': 0.4269860476955206, 'in': 0.1828158850457278, 'on': 0.10920665415511611, 'to': 0.06696466181090666, 'from': 0.045447105071807437, 'In': 0.031038283857221967, 'for': 0.0222489597318372, 'and': 0.021125518249063096, 'by': 0.019594710560854753}, {'and': 0.2538956635697288, 'that': 0.09219996202466468, 'but': 0.08409262224263182, 'But': 0.034021674893632545, 'time': 0.030940672155073366, 'And': 0.024893847466537812, 'or': 0.019057778441838782, 'even': 0.017747026414049814, 'day': 0.013880817050588475}, {'the': 0.3066654571970305, 'a': 0.10108907447257148, 'this': 0.09924062981541383, 'of': 0.08030482404150771, 'in': 0.059370952892958954, 'quarter': 0.05858537263241651, 'every': 0.046924669355601835, 'that': 0.041386986958744515, 'first': 0.03576837015345232}, {'number': 0.09373145589175498, 'men': 0.05124949437416872, 'place': 0.032684314838259745, 'line': 0.03025758519200727, 'people': 0.017713108876243288, 'and': 0.017515349814223223, 'out': 0.01747820658152175, 'case': 0.01701501180080898, 'board': 0.016824949165475698}, {'they': 0.18579912035339854, 'we': 0.10662699516359268, 'and': 0.057981110530299786, 'you': 0.05710100326246735, 'who': 0.05214363373025601, 'which': 0.04605574732906058, 'that': 0.04370272188039156, 'They': 0.04159542325824398, 'there': 0.03875905874195537}, {'the': 0.30878137840731995, 'a': 0.07329293889674349, 'of': 0.0608493874653105, 'and': 0.05385461655425013, 'in': 0.03717762436896715, 'The': 0.03493726394729457, 'Mr.': 0.028907659194779403, 'tho': 0.02130658455454114, '.': 0.01903484599172722}, {'the': 0.3656639239394304, 'a': 0.10162471975391603, 'of': 0.07762718834388724, 'to': 0.06864772411492394, 'and': 0.047781040735964155, 'in': 0.03188106183525214, 'an': 0.027122857153765795, 'The': 0.022555732432597394, 'at': 0.019815726111995155}, {'of': 0.18156402133067978, 'in': 0.1455142073423585, 'with': 0.09418733873961611, 'is': 0.09382634472195912, 'for': 0.08081972615728056, 'and': 0.07632517290028075, 'was': 0.06989599073579846, 'to': 0.048169385634433126, 'by': 0.04302137139938277}, {'was': 0.14132039116612696, 'be': 0.13385572919649827, 'been': 0.08895399225928086, 'he': 0.08336634246542352, 'is': 0.07924783892691445, 'have': 0.06495154274175602, 'and': 0.058384516557096734, 'were': 0.05266098972269598, 'are': 0.04907555600872307}, {'the': 0.3468355394056209, 'a': 0.14184374536262528, 'by': 0.11704926896184664, 'of': 0.11669265741704053, 'at': 0.04879088047321462, 'any': 0.036974342262245496, 'in': 0.028699102010818812, 'from': 0.025936271580799423, 'The': 0.025408919020592627}, {'the': 0.22511544669048952, 'of': 0.1418776984422729, 'and': 0.07512151500599518, 'by': 0.05192324912904088, 'Assistant': 0.05167977341804824, 'for': 0.03314012918099256, 'at': 0.030302311865753696, 'to': 0.022860240260522028, 'The': 0.01816702619080412}, {'an': 0.49425771004143926, 'the': 0.14598584045300497, 'An': 0.08663277975962455, 'The': 0.04591984935945471, 'that': 0.02944620340164289, 'of': 0.029118838041187884, 'and': 0.023664037317270917, 'this': 0.01810072480274854, 'any': 0.01466710568239348}, {'the': 0.4584827399655078, 'of': 0.08268188245919889, 'and': 0.04608532149264221, 'a': 0.040823259321537526, 'to': 0.03954901832473381, 'by': 0.024875526842956037, 'The': 0.023362743828344586, 'tho': 0.014424659709883525, 'A': 0.013804325285328906}, {'and': 0.11343552946515324, 'was': 0.08003642768586043, 'is': 0.07755395712053531, 'be': 0.0513580126482862, 'are': 0.049877217309574735, 'that': 0.03955393206321215, 'had': 0.031718616741797476, 'or': 0.031695648633204336, 'not': 0.024816675263055213}, {'a': 0.20779660013149087, 'the': 0.18084489532683617, 'to': 0.14670516863210695, 'of': 0.10011301239661784, 'and': 0.0832634355062029, 'his': 0.03544997225474796, 'will': 0.027795982813782368, 'for': 0.02777247185901985, 'with': 0.027173190590616784}, {'it': 0.15244963968366845, 'It': 0.10716655752843314, 'he': 0.10478466305801211, 'which': 0.057484498710018116, 'I': 0.050973423810530535, 'and': 0.050555453262295096, 'He': 0.047097353134715476, 'effort': 0.03052946772345424, 'who': 0.029405373376311373}, {'the': 0.5185694121591602, 'thence': 0.07638356299230165, 'of': 0.07210320861789019, 'at': 0.0517695071138471, 'tho': 0.030690184224647192, 'on': 0.02607218197857405, 'and': 0.025556229588111816, 'along': 0.022774624767744427, 'feet': 0.02231334978951988}, {'for': 0.15403697325241741, 'of': 0.14621825818764703, 'with': 0.10936819609630714, 'to': 0.09355523290656599, 'do': 0.07668380403452409, 'in': 0.07042881038170642, 'upon': 0.06684129946135756, 'on': 0.042053165905152345, 'about': 0.04162602687365137}, {'of': 0.37880004853764687, 'in': 0.29054510678855944, 'to': 0.07006471854228284, 'In': 0.05938746000064398, 'for': 0.05896039475770683, 'by': 0.03529242597298505, 'that': 0.027952161317573443, 'from': 0.02388392871742399, 'and': 0.014972105060094717}, {'it': 0.14112296867809523, 'I': 0.12012205295135153, 'he': 0.10891630054414775, 'It': 0.0882109188453842, 'we': 0.08721979898729772, 'they': 0.08417326719398231, 'We': 0.03517965128778559, 'and': 0.03421316496870384, 'you': 0.028023065574874283}, {'men': 0.040507290086661187, 'hundred': 0.028524285916947636, 'north': 0.01955183301942989, 'city': 0.01851619929258835, 'time': 0.018488327488620886, 'wife': 0.016584280796719485, 'gold': 0.01393716879243861, 'up': 0.013123810186731807, 'land': 0.011909070436431196}, {'of': 0.24405055229484413, 'the': 0.22472164894340657, 'a': 0.09108015087524177, 'Of': 0.08669707473457437, 'his': 0.06493982727172853, 'this': 0.04205596590646738, 'my': 0.030461365010640905, 'in': 0.026130517168457868, 'our': 0.02316704048521686}, {'the': 0.14904322296079875, 'and': 0.09157414728514805, 'of': 0.08966939183533444, 'to': 0.08490014240122369, 'a': 0.04449117392222698, 'was': 0.04438547116519766, 'in': 0.0325917288840117, 'be': 0.030542444560334555, 'at': 0.026080676434721672}, {'with-': 0.3053341743888012, 'the': 0.10077523195589416, 'and': 0.0562844252594372, 'with¬': 0.044025874863942355, 'sent': 0.035833752444695235, 'with\xad': 0.031454493214047356, 'it': 0.030053113835140068, 'went': 0.024339718938922044, 'go': 0.020124775301041606}, {'<s>': 0.07993677793090373, 'it.': 0.021119722837897526, 'them.': 0.01936867647986777, 'him.': 0.015922159464631182, 'her.': 0.009640971134414032, 'country.': 0.008213164800563567, '.': 0.008043008991896002, 'life.': 0.007824439018214998, 'time.': 0.007419119905302924}, {'a': 0.12225331603303749, 'some': 0.10019624618720435, 'any': 0.09372024516229778, 'the': 0.08562681699661809, 'in': 0.03453042867080862, 'and': 0.03381403305996867, 'this': 0.029379422540902655, 'of': 0.026659048959854378, 'no': 0.024687966408839947}, {'he': 0.14539896524310036, 'it': 0.12326762433389261, 'which': 0.08828298967147723, 'who': 0.0813434983093471, 'It': 0.0754695864373053, 'and': 0.06233477649991187, 'He': 0.05359061565466322, 'that': 0.0484681054318335, 'she': 0.025113837266116937}, {'of': 0.2209053089732119, 'to': 0.14730826596617813, 'and': 0.14273072600114797, 'with': 0.08396396773604291, 'for': 0.07441838398445584, 'by': 0.05341403495262018, 'is': 0.05287894045979159, 'that': 0.05229705943885063, 'in': 0.04303584246517909}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'the': 0.8665916159790483, 'The': 0.03338331519286403, 'tho': 0.0307940261269005, 'of': 0.013328705353007071, 'tbe': 0.010940278833026718, 'that': 0.005623069402829657, 'this': 0.005185814312079998, 'in': 0.004680889030756767, 'and': 0.0037135591443339965}, {'the': 0.32056434576656556, 'of': 0.12383331320036742, 'fellow': 0.061302156362907194, 'and': 0.05869283604028586, 'other': 0.047237160002706835, 'many': 0.038148274591807994, 'these': 0.035680716604681154, 'our': 0.03323622970090348, 'his': 0.030014694674285726}, {'p.': 0.5015688438744134, 'a.': 0.20783015758021303, 'p': 0.035532213164436305, 'and': 0.028145556789102102, 'the': 0.021013085888182712, 'of': 0.011856027623889787, 'a': 0.010012872108132172, 'for': 0.004786559891380571, 'dis-': 0.003968484888444146}, {'for': 0.35068494575234904, 'For': 0.3293217835480256, 'of': 0.08945863458003318, 'by': 0.03386007227252004, 'and': 0.033540462302002055, 'to': 0.03306498354344224, 'in': 0.031003047841904732, 'so': 0.01946100966307667, 'the': 0.01579112841157484}, {'of': 0.40977633958370446, 'in': 0.23385381304864614, 'to': 0.0603891037372522, 'In': 0.056050730254529196, 'that': 0.046473368185265186, 'for': 0.030671721865748517, 'and': 0.02592245530186669, 'by': 0.02459789533722912, 'from': 0.02021585021899626}, {'was': 0.09972010737683995, 'and': 0.09853288927055633, 'is': 0.06325432808454327, 'are': 0.04971104960950461, 'were': 0.04921217180756234, 'be': 0.0386150426698275, 'been': 0.03719425757283829, 'to': 0.029288266215018892, 'of': 0.018118878801376213}, {'the': 0.21809185037201892, 'a': 0.1784870603654555, 'at': 0.11181910339631165, 'and': 0.0534157865143349, 'for': 0.0495563319801981, 'of': 0.04153373479002924, 'an': 0.03260791818546021, 'to': 0.02924444359838443, 'in': 0.021535777220353453}, {'to': 0.5687067534085378, 'the': 0.09206565218026615, 'of': 0.08677518541485027, 'a': 0.054192910940424416, 'his': 0.030570478136830774, 'and': 0.03021146369919586, 'for': 0.02671590081781908, 'or': 0.02459524970873006, 'in': 0.02041560109579318}, {'the': 0.2616096622921257, 'of': 0.08579967603553221, 'a': 0.07931208078558452, 'and': 0.06371618068034772, 'The': 0.022530372350758332, 'that': 0.019845500200236933, 'to': 0.01748610189372999, 'tho': 0.015369905615053027, 'as': 0.014813336648819241}, {'more': 0.03229141508234652, 'hundred': 0.017460894476506283, 'time': 0.015897636646140058, 'it': 0.013993209487098588, 'one': 0.013161346842038473, 'and': 0.009708397141469916, 'good': 0.00871620935867656, 'up': 0.00867955029602606, 'due': 0.008432355393971918}, {'North': 0.008896088934630805, 'men': 0.008625539333405874, 'good': 0.008293210568578088, 'rights': 0.007872652963861323, ';': 0.007632183449979495, 'hundred': 0.007506716250056103, 'one': 0.0063234109779670795, 'time': 0.00612413362922209, 'street': 0.005895624446429226}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.3352239233249434, 'and': 0.09923046906077554, 'by': 0.08784181513279121, 'to': 0.08617066993467236, 'that': 0.08399379075948452, 'in': 0.07705074548689018, 'from': 0.04366143872236002, 'for': 0.0424323636897502, 'with': 0.03225069185029388}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.5060860731562169, 'a': 0.22232862705155362, 'at': 0.09419779839984853, 'of': 0.03675373090261066, 'The': 0.03585641288645424, 'tho': 0.022547352162851995, 'in': 0.016286217696801643, 'his': 0.013352844228049127, 'for': 0.012653654444245887}, {';': 0.062330654649149865, 'it,': 0.025153566108853817, 'him,': 0.012911458944910584, 'nothing': 0.01251142281047108, 'them,': 0.012149436054322194, 'and': 0.010801366858583798, 'time,': 0.010240045492699816, ',': 0.008073633169880043, 'is': 0.0065136134310466815}, {'the': 0.539960977354801, 'an': 0.17295186477327715, 'The': 0.09603047994456207, 'tho': 0.033801970987028855, 'An': 0.03238151030119626, 'of': 0.027169656680062052, 'a': 0.01583836407791602, 'and': 0.015031754559734324, 'that': 0.014757242548091895}, {'he': 0.16426541200676537, 'I': 0.1399127253653183, 'be': 0.13355336721356886, 'and': 0.12365190272268646, 'have': 0.10045335141873639, 'was': 0.06550316892999522, 'had': 0.062000133843987754, 'has': 0.047165862520773406, 'they': 0.045153214461506996}, {'to': 0.36410172128992735, 'I': 0.10266029868722384, 'will': 0.08838386968874025, 'we': 0.06147997826593292, 'can': 0.061089008866482636, 'they': 0.052667378916352606, 'would': 0.05156079685661804, 'and': 0.0442794463380708, 'could': 0.03945202288843723}, {'the': 0.45639276822214225, 'a': 0.07009079268171471, 'and': 0.06975002588647844, 'of': 0.06533195936873212, 'The': 0.04450198049022729, 'his': 0.03362269317320727, 'tho': 0.032204733392726656, 'to': 0.029208661600944406, 'in': 0.02301470095641486}, {'the': 0.08556624854380174, 'to': 0.08260879303210283, 'of': 0.06972650217348714, 'and': 0.06329024181745217, 'a': 0.05848793993999944, 'for': 0.027658198434996863, 'in': 0.027148950289708252, 'that': 0.021467460980062757, 'with': 0.016455403027797046}, {'a': 0.40130935559385916, 'the': 0.1470963296527066, 'and': 0.04968572268490082, 'of': 0.03983459634559896, 'A': 0.03702690887002708, 'The': 0.022516588441060845, 'I': 0.021336989801603246, 'his': 0.01802452131880725, 'this': 0.015980014573141466}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'it': 0.11685939197066719, 'It': 0.09460490528984294, 'he': 0.07185660180848949, 'I': 0.058578959736990226, 'and': 0.046432159536121835, 'that': 0.042721659007299344, 'which': 0.04039740583288666, 'He': 0.02423326101631492, '.': 0.02251764395801483}, {'the': 0.29707993924114107, 'a': 0.09954488108557269, 'and': 0.09178470228928583, 'of': 0.06133420540204275, 'to': 0.04089203880163721, 'in': 0.036475743081999044, 'The': 0.026816131660669165, 'tho': 0.017890761714908877, 'an': 0.016867571326094732}, {'of': 0.20299132564775127, 'in': 0.09563868244357797, 'and': 0.08883822320343622, 'by': 0.0815485858292213, 'as': 0.0801333822020427, 'with': 0.0728503038920012, 'to': 0.0661921792769404, 'for': 0.05691830768956201, 'such': 0.053027272388197585}, {'the': 0.469014918757458, 'of': 0.12319008797590608, 'in': 0.0732849198062918, 'their': 0.050887933904404, 'and': 0.04428713018906601, 'to': 0.04361255942196181, 'a': 0.04123033440383371, 'our': 0.03730863939578636, 'his': 0.03132840132128296}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.29204847448385884, 'was': 0.0733749611473293, 'to': 0.05327634452643703, 'is': 0.0350064503445847, 'not': 0.03359875699517491, 'will': 0.033081721128545134, 'but': 0.027161527723127542, 'that': 0.02604166790574789, 'I': 0.023556815404621314}, {'of': 0.11785529026658935, 'and': 0.11586877154350345, 'in': 0.05739244689627157, 'to': 0.050607477297486644, 'fact': 0.03889347275782053, 'said': 0.03289904969041613, 'on': 0.02952954435335196, 'all': 0.024539624180535385, 'is': 0.022298709960555663}, {'is': 0.19624399563947234, 'and': 0.1955992446719233, 'that': 0.12728381160301133, 'have': 0.07528923404565982, 'was': 0.06771391444562971, 'but': 0.059482984713045174, 'had': 0.05539526983867117, 'be': 0.048150094068238086, 'of': 0.0460009922816595}, {'to': 0.21861384879416354, 'and': 0.11451715754669287, 'a': 0.07198336018668099, 'be': 0.06061618591204372, 'the': 0.05283643526685167, 'was': 0.052241236533147564, 'of': 0.03816347955405216, 'were': 0.035480057901500786, 'been': 0.031905067926392076}, {'let': 0.24151079696051064, 'Let': 0.13608300686435962, 'to': 0.08745940695697305, 'with': 0.08147243592209034, 'of': 0.07354920160190127, 'give': 0.0667920813826767, 'for': 0.04942638972991784, 'make': 0.04230481145544561, 'upon': 0.028644281576821373}, {'to': 0.2856133483810422, 'a': 0.18896334686762542, 'the': 0.13193122990293366, 'and': 0.04470802263190393, 'his': 0.03616498202436255, 'will': 0.03531192286929153, 'not': 0.03204896456025364, 'water': 0.029902419475688648, 'good': 0.028269600648896838}, {'I': 0.19260538418922898, 'may': 0.13105259637764882, 'and': 0.10676673130931527, 'we': 0.1009214664414473, 'they': 0.09114935240294633, 'who': 0.08830897654980477, 'not': 0.08060168303371598, 'We': 0.07096945858066096, 'will': 0.06398680077426802}, {'and': 0.19900110660244927, 'of': 0.12830558995743077, 'by': 0.0630556549399235, 'after': 0.06112903732237168, 'to': 0.06008938755140647, 'in': 0.05680072790842256, 'with': 0.047401894439170686, 'for': 0.045728088216964, 'without': 0.03987888493652616}, {'to': 0.2182841334349561, 'told': 0.1008494885400186, 'tell': 0.0908310679269503, 'with': 0.06967976851908222, 'of': 0.061377928890863666, 'for': 0.052914560015411546, 'asked': 0.04157816795378242, 'let': 0.03276102588653646, 'gave': 0.030944595172528937}, {'the': 0.22268788016695099, 'ex-': 0.07903674151715255, 'have': 0.07563175735625349, 'has': 0.0672870483033815, 'and': 0.06520089541167792, 'a': 0.06338307289378749, 'had': 0.05000542898423017, 'im-': 0.030042528762644762, 'of': 0.029541647613785808}, {'he': 0.31513050663413594, 'I': 0.13817133596934691, 'who': 0.08731871475872048, 'she': 0.07046953572899899, 'they': 0.046123413380847834, 'He': 0.04344624467229051, 'and': 0.04159445009425, 'that': 0.030819026058891977, 'which': 0.029964280076530608}, {'and': 0.2547852785022814, 'he': 0.11720805964307628, 'who': 0.07819146233843019, 'which': 0.06876188475122685, 'they': 0.06063239322967343, 'I': 0.05389734280083889, 'have': 0.04218219459387054, 'be': 0.03738508593180528, 'He': 0.03568690347867473}, {'that': 0.14180631507827599, 'and': 0.12173682229848778, 'but': 0.06627296804408575, 'which': 0.050049473006325146, 'if': 0.04700556425098191, 'as': 0.046435812158964, 'when': 0.04313800024173497, 'what': 0.036177783183558056, 'If': 0.03061851789010362}, {'the': 0.14021669916700188, 'of': 0.0931025966643533, 'and': 0.05920026167681961, 'to': 0.055057360303602546, 'for': 0.045332106338255095, 'in': 0.03445727838320438, 'or': 0.018553567008230087, 'be': 0.017045393083764893, 'that': 0.01573927835392332}, {'to': 0.33892223208759703, 'will': 0.16739993278313373, 'shall': 0.1079729718901837, 'may': 0.06124773968208912, 'not': 0.05120484644128527, 'should': 0.048926974944585866, 'would': 0.039446156993088524, 'can': 0.036696501630310574, 'must': 0.03660152997290922}, {'spite': 0.045137240254712885, 'out': 0.04424821759494123, 'and': 0.042387846725938115, 'that': 0.031532816806600014, 'value': 0.030976526575895072, 'part': 0.02923098128068187, 'one': 0.02705296097519493, 'sum': 0.026262170635994554, 'amount': 0.023578892961717654}, {'the': 0.1516471920100974, 'of': 0.11453347684819387, 'and': 0.08737733259049764, 'to': 0.06292805880539669, 'a': 0.03420059009050746, 'be': 0.03329817509444976, 'was': 0.023474885272312035, 'in': 0.021600932516909616, 'is': 0.02085575985732629}, {'the': 0.4220214835348095, 'a': 0.1935705323052737, 'his': 0.04518734393855454, 'The': 0.037177220142661574, 'one': 0.02892337951612124, 'tho': 0.025555418870676427, 'any': 0.022450291451036396, 'this': 0.021815463281791347, 'every': 0.018159487542853944}, {'the': 0.2631230980261503, 'and': 0.22371837033715128, 'an': 0.09271684067856925, 'his': 0.06495631848853392, 'to': 0.05329226101694608, 'a': 0.05315700197811635, 'not': 0.05056629957886729, 'their': 0.03163908136966628, 'will': 0.030563634704821284}, {'the': 0.3209240110621638, 'an': 0.22157718488114575, 'in': 0.06643256272799287, 'of': 0.0606081224284048, 'and': 0.05791053663366194, 'The': 0.0388928605809771, 'tho': 0.02161783997777522, 'a': 0.020245578423715643, 'In': 0.019350947719805927}, {'and': 0.1337439293388899, 'of': 0.08332769263268273, 'the': 0.07804752668342291, 'to': 0.06256160227361368, 'be': 0.032126212331262845, 'a': 0.02650250382183439, 'more': 0.0259555193209047, 'in': 0.02405387434767784, 'was': 0.022526589411659484}, {'a': 0.4819546411753528, 'the': 0.09549333511801343, 'this': 0.07862296120934623, 'that': 0.046749742921194354, 'some': 0.04531943399206364, 'any': 0.04520442207499317, 'one': 0.029220562910649353, 'every': 0.027076357661215338, 'and': 0.022278867962147786}, {'in': 0.02827405485520494, ';': 0.02200675377333469, 'it,': 0.01622498884688708, 'them,': 0.011201752684532522, 'one': 0.00965761872033595, 'it': 0.008618704214431247, 'each': 0.00833727439411019, 'country,': 0.008136650082864426, 'time,': 0.007374854718709263}, {'set': 0.4033218296051441, 'laid': 0.08010701580139402, 'not': 0.056727584765629134, 'lay': 0.03882508969077976, 'brought': 0.037234173969717205, 'come': 0.032074498260260466, 'and': 0.03022263614104669, 'put': 0.029512069839394, 'thrown': 0.02268319707522157}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.4322061855519678, 'a': 0.3381679556302333, 'tho': 0.03248958709527832, 'The': 0.031074582409462433, 'this': 0.021479691403699333, 'any': 0.019498211898631823, 'every': 0.018948864838879753, 'tbe': 0.01805703551016046, 'whole': 0.01758559761939199}, {'he': 0.2669462087463649, 'and': 0.1847384511098141, 'He': 0.10242989661146647, 'I': 0.06460705890782423, 'she': 0.048439846481986945, 'they': 0.033033800411753994, 'who': 0.03230787385814048, 'it': 0.02501647142718842, 'be': 0.022039750815977935}, {'the': 0.30708024223621194, 'of': 0.25918951679905383, 'and': 0.07130708832843431, 'his': 0.06397259283437773, 'a': 0.03611729780075018, 'their': 0.031430802703747186, 'with': 0.029335830061713683, 'in': 0.020366081168530566, 'for': 0.018591138897484514}, {'enter': 0.08520784889115238, 'went': 0.07359373369308152, 'put': 0.07164504837163913, 'it': 0.06194097880408832, 'go': 0.06061171664625184, 'down': 0.04725580398644975, 'came': 0.045795890953360625, 'them': 0.045555530555361594, 'entered': 0.04542251093479425}, {'to': 0.2773785046429221, 'not': 0.12304860778280316, 'and': 0.1112275400565262, 'they': 0.1111028197617941, 'be': 0.042956194808818265, 'will': 0.03845385789327145, 'we': 0.03726983834076637, 'he': 0.026502293588714865, 'I': 0.022537765937787196}, {'be': 0.19770120502477895, 'was': 0.1941099887787266, 'is': 0.09908298192983493, 'he': 0.09569483586795094, 'and': 0.07105174736435842, 'I': 0.07031446224818537, 'been': 0.06325709640422314, 'were': 0.03552466007634895, 'have': 0.032137323085018446}, {'of': 0.14048059637732202, 'and': 0.13225595786661182, 'any': 0.07355128180825693, 'that': 0.0733710885705214, 'the': 0.06796616758061606, 'in': 0.06239201455086852, 'no': 0.0583938340089439, 'is': 0.05790384443986025, 'by': 0.05565678474040699}, {'the': 0.7318653929990402, 'in': 0.082861389444384, 'tho': 0.03656315156429658, 'In': 0.02452435678266844, 'a': 0.01718032175967379, 'of': 0.014665064357996707, 'tbe': 0.01372141710233405, 'The': 0.01233191589877309, 'to': 0.011873271417703809}, {'the': 0.8341081991753415, 'tho': 0.028336033196353964, 'his': 0.020933125506101193, 'The': 0.018956740306667195, 'their': 0.015452843867097752, 'and': 0.012738094097789148, 'tbe': 0.008080715234106788, 'in': 0.00748064534258673, 'her': 0.00539958513075192}, {'the': 0.40736278978991225, 'in': 0.27005415366378505, 'In': 0.09104732775677805, 'tho': 0.026247106473079766, 'of': 0.024677107210602747, 'a': 0.02329089456624245, 'and': 0.018753033571411944, 'tbe': 0.013744286709625853, 'to': 0.010693270712524485}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'<s>': 0.14371773709347996, 'it.': 0.01738406412056967, 'them.': 0.011758801755182386, 'day.': 0.00984241051230697, 'time.': 0.008209263632065072, 'country.': 0.0076030829289507, 'year.': 0.00757668579187417, '.': 0.006923865146616957, 'years.': 0.006113845309181709}, {'of': 0.3685275081481861, 'to': 0.11386063381081653, 'that': 0.10567396440242423, 'by': 0.08930427984772693, 'and': 0.08898362670025432, 'with': 0.04521040027363946, 'for': 0.03005187312183801, 'as': 0.02942787947807983, 'all': 0.027205769132614556}, {'will': 0.22609661081840804, 'to': 0.22368863678287856, 'may': 0.10637762939638644, 'would': 0.10597640101348728, 'shall': 0.09643209129338493, 'should': 0.07181794946476848, 'not': 0.0523719081704253, 'must': 0.051227851041013774, 'can': 0.0329599647629296}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'and': 0.05531330105917369, '<s>': 0.018764222657811445, 'that': 0.014740669133429425, 'men': 0.012415663002709361, 'them': 0.010894689118708292, 'of': 0.010531350170837233, '': 0.009673981829516327, 'one': 0.009296902707953282, 'or': 0.00905176083843371}, {'a': 0.32280119306902555, 'the': 0.20655882187182315, 'and': 0.10725876392201868, 'of': 0.08019346334045081, 'most': 0.0777247844616703, 'in': 0.04470512469294084, 'an': 0.0379919328212482, 'very': 0.036052618020921676, 'The': 0.03353300956714322}, {'foreclosed': 0.09538043014116879, 'accompanied': 0.06845597077922576, 'made': 0.061598662125208266, 'and': 0.059027214016597884, 'followed': 0.05511748685768449, 'surrounded': 0.031166549836992345, 'up': 0.025850698064541745, 'caused': 0.022929919031142654, 'secured': 0.022660668610514915}, {'more': 0.332476176113706, 'less': 0.12484669116540789, 'better': 0.061236919716353415, 'greater': 0.052565238384128195, 'rather': 0.052470604981691774, 'worse': 0.028529887499728457, 'larger': 0.026745654946848205, 'higher': 0.026532836041443825, 'other': 0.025915418923927538}, {'of': 0.40213501868340035, 'by': 0.11462402066958373, 'to': 0.08904030324056844, 'in': 0.07978714237083237, 'and': 0.062304810609785564, 'that': 0.05914679548392846, 'from': 0.029942801288191725, 'on': 0.028049248102446328, 'for': 0.02639900440610731}, {'so': 0.2807689024130291, 'are': 0.12391030269858676, 'and': 0.11522429630409751, 'as': 0.10066836849854871, 'of': 0.07043490107268502, 'how': 0.04641339140096123, 'were': 0.04575576862770091, 'had': 0.04218040413283512, 'have': 0.041019974082379985}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'purpose': 0.18508004239905948, 'instead': 0.04816288609472468, 'cost': 0.04487012477614392, 'means': 0.0439936772875029, 'number': 0.04371370729138698, 'amount': 0.036167389528488046, 'out': 0.030852858898002433, 'capable': 0.026686784116710157, 'method': 0.026054878017984083}, {'be': 0.27175351826652183, 'was': 0.17856860167145194, 'been': 0.11292012783889623, 'is': 0.07417420653162239, 'were': 0.0513055432212418, 'are': 0.04570095513508526, 'and': 0.04028881591217183, 'being': 0.02237790723015661, 'had': 0.021889509934990135}, {'of': 0.14821099508451954, 'to': 0.060035724672239915, 'in': 0.05035903914159895, 'and': 0.03810340589274727, '<s>': 0.033390655782807956, 'from': 0.0210834475431726, 'at': 0.020632508783134332, 'In': 0.018059641858068905, 'for': 0.017933084731422976}, {'the': 0.4576009827910957, 'a': 0.08093803024894071, 'his': 0.07467398390961077, 'this': 0.05236548290792124, 'of': 0.04896326529361934, 'their': 0.037289809209414396, 'The': 0.03623867970939968, 'and': 0.034973669792498996, 'in': 0.03129345573078297}, {'and': 0.04038670933515882, 'out': 0.03511945650849402, 'known': 0.03022285707016716, 'made': 0.02414416652584637, 'up': 0.023448010061485697, 'men': 0.023164988026161917, 'it': 0.02136508983384966, 'them': 0.021119112283675173, 'him': 0.01973421909589963}, {'the': 0.18047436251656185, 'of': 0.1189251033828473, 'and': 0.057124487524592926, 'to': 0.03545905713871463, 'be': 0.027761050609383747, 'was': 0.025959021314684815, 'their': 0.025780929986710912, 'for': 0.02503089411414657, 'his': 0.024265685681942623}, {'it': 0.13658167586337025, 'which': 0.12001920240972701, 'It': 0.11782804746711427, 'that': 0.078280563328333, 'who': 0.070133317669197, 'he': 0.06995204226584692, 'there': 0.05496290335222193, 'and': 0.0343987140609245, 'There': 0.029626703982828646}, {'of': 0.21622594681593402, 'West': 0.1488867944428267, 'the': 0.130433875897056, 'and': 0.10175827730561963, 'in': 0.059192925597369925, 'by': 0.029748091588869662, 'from': 0.02307184379996113, 'to': 0.01916965617322066, 'for': 0.01618838998242385}, {'up': 0.03028956247788714, 'him': 0.022250075727016545, 'made': 0.016550504880389824, 'men': 0.016449739005508224, 'them': 0.01551272284601844, 'time': 0.0151922286402663, 'right': 0.014843336720200745, 'out': 0.014607800762874235, 'it,': 0.013936494180805191}, {'to': 0.18591836913412693, 'and': 0.17806837334408274, 'a': 0.1059330260767006, 'the': 0.08491077274196107, 'of': 0.08212350895525537, 'not': 0.06268688559100631, 'most': 0.03911744398469921, 'or': 0.03585915042803252, 'in': 0.029351465130467026}, {'he': 0.1504095858735085, 'which': 0.10024053488246774, 'it': 0.08930130869717504, 'who': 0.07726456193795879, 'and': 0.07379401397655037, 'He': 0.06499478524457102, 'that': 0.06493218844822711, 'It': 0.06237094743755738, 'she': 0.025796365808264353}, {'the': 0.1456254853262667, '.': 0.08494011773183856, 'said': 0.07622225981222447, 'of': 0.0410083858271894, 'and': 0.035342528757655346, '<s>': 0.03210475379663503, 'W.': 0.029828979518952935, 'Mr.': 0.024025706128791974, 'E.': 0.021669325129232475}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.1712300831798319, 'be': 0.1571244088110916, 'was': 0.07953428728503821, 'he': 0.0606658050247801, 'have': 0.05815675152499609, 'been': 0.05221964875915628, 'is': 0.04947612933084053, 'had': 0.0371288072053758, 'has': 0.03634939460382142}, {'<s>': 0.0888112304647542, '.': 0.022317958609559475, 'it.': 0.017792101061730566, 'them.': 0.0138854467280537, 'him.': 0.008666191630719843, 'time.': 0.00833447845683174, 'of': 0.007787324729775763, 'day.': 0.006906023943853228, 'country.': 0.006739965391855927}, {'of': 0.30157617097039113, 'to': 0.11642675838900807, 'and': 0.08987672071254339, 'in': 0.07688190223736939, 'on': 0.0715086717054587, 'that': 0.06323277643984354, 'at': 0.05424341438825912, 'by': 0.04550830402297875, 'with': 0.04273536913695974}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.12202171336827823, 'of': 0.1193908944963924, 'and': 0.0843666598695033, 'to': 0.04802560553670223, 'a': 0.04304347744210878, 'by': 0.02149973306932658, 'be': 0.020890052856295374, 'in': 0.01983146948387118, 'as': 0.016088506274178568}, {'the': 0.5987180772213694, 'their': 0.05285862826497363, 'tho': 0.03556314116517352, 'of': 0.03263655104082697, 'his': 0.032403639578989465, 'in': 0.0292742319210081, 'a': 0.028017174113642847, 'and': 0.027463985047030064, 'its': 0.02376359660725333}, {'the': 0.22096959957544296, 'various': 0.12782919367500623, 'all': 0.0997661848164012, 'other': 0.09067456685501601, 'and': 0.08136636481130308, 'by': 0.035622924145541246, 'a': 0.03438958555657824, 'many': 0.030392595939866835, 'two': 0.02811387108490024}, {'and': 0.11613988374262153, 'of': 0.0865685115823675, 'put': 0.0846830208502516, 'as': 0.07868144393459027, 'make': 0.06811783316200337, 'that': 0.06550015782586713, 'for': 0.05420518290624488, 'to': 0.049726615896525016, 'with': 0.04515623462232801}, {'of': 0.1590633111559262, 'to': 0.14389632622720325, 'by': 0.07462344021184393, 'and': 0.06619643098058105, 'that': 0.03258390878114558, '<s>': 0.021477322009719947, 'at': 0.017795552121756777, 'in': 0.016529229513805227, 'from': 0.013532180144728932}, {'tak-': 0.2663781101071721, 'giv-': 0.09489243903980474, 'giv\xad': 0.03569643007511766, 'was': 0.034403040285468776, 'be': 0.028240577449998916, 'and': 0.027595126971408347, 'tak': 0.023630545648308115, 'wom-': 0.021310860978020933, 'fall-': 0.019242552175153884}, {'and': 0.10149461333297079, 'was': 0.06467081812113382, 'is': 0.03415053157153103, 'be': 0.028955408565712337, 'been': 0.027770475092292142, 'that': 0.026682947156538035, 'men': 0.02590889099712556, 'found': 0.024154864159430852, 'were': 0.02388375121817073}, {'a': 0.252574321983539, 'the': 0.2327532060524935, 'any': 0.09971654840266907, 'that': 0.0761187287275063, 'this': 0.04644442001159713, 'every': 0.039537788697127325, 'greater': 0.037861019235028444, 'latter': 0.029116307236611322, 'no': 0.026125414662914785}, {'of': 0.3434148801117469, 'to': 0.15885848815015402, 'in': 0.11027337685671482, 'by': 0.07884017582482385, 'that': 0.07544717369244455, 'and': 0.042504515634637925, 'for': 0.04014904362253022, 'from': 0.034585030000824565, 'with': 0.030610283414286236}, {'and': 0.1337439293388899, 'of': 0.08332769263268273, 'the': 0.07804752668342291, 'to': 0.06256160227361368, 'be': 0.032126212331262845, 'a': 0.02650250382183439, 'more': 0.0259555193209047, 'in': 0.02405387434767784, 'was': 0.022526589411659484}, {'and': 0.05626832739762781, '<s>': 0.05362662193378568, 'that': 0.03483284268297851, 'or': 0.011431186696394095, 'the': 0.010119379576471311, 'as': 0.009507999892782466, 'but': 0.009398509820464038, 'it.': 0.009381160311206577, 'them.': 0.008362584960822986}, {'I': 0.18459859016954017, 'who': 0.11934326144872583, 'they': 0.10441440347851037, 'we': 0.095415441511328, 'to': 0.09091973733518409, 'We': 0.05650904147821218, 'which': 0.048485795642781875, 'would': 0.04693776705561734, 'and': 0.04497400235963231}, {'the': 0.1873830439526333, 'of': 0.10165320332316363, 'to': 0.07121158975065293, 'and': 0.06239695364163807, 'in': 0.035446901840830145, 'for': 0.035173487692861834, 'be': 0.028874204567123713, 'was': 0.021018146370974093, 'is': 0.019131692790431924}, {'be': 0.17207782768862237, 'and': 0.14832705684216285, 'was': 0.07747059241620748, 'is': 0.05642726192864328, 'are': 0.042098136449415624, 'were': 0.038627918237276106, 'he': 0.03830310834944448, 'the': 0.02970779302001023, 'been': 0.028578879299631838}, {'of': 0.36449403097103744, 'to': 0.10966178131991083, 'in': 0.08563675679186535, 'by': 0.05991650314156083, 'and': 0.05853932560755611, 'that': 0.05828497633873507, 'on': 0.05433567858514903, 'with': 0.050926074698387454, 'from': 0.036330334247640816}, {'the': 0.4976804866085061, 'a': 0.14376340793507644, 'The': 0.13869927813818042, 'annual': 0.04985142791078956, 'and': 0.032034680197160055, 'tho': 0.02462353228481225, 'to': 0.023624078089925057, 'A': 0.014489120131160781, 'tbe': 0.010015573248260901}, {'was': 0.12742374103153722, 'and': 0.10894314194623482, 'be': 0.1083263327463692, 'are': 0.10013316214640802, 'is': 0.09901491462930012, 'very': 0.09154536285446094, 'been': 0.0802153935035821, 'the': 0.0659871243284035, 'so': 0.05498414838488965}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.5414827204539361, 'The': 0.09531440731232957, 'of': 0.05106721674871069, 'tho': 0.03826528552482048, 'our': 0.029626463036676924, 'a': 0.028981165271999017, 'and': 0.026833505959858953, 'that': 0.02151321260826095, 'this': 0.016998356627826956}, {'of': 0.340742276035954, 'in': 0.1697457398908998, 'to': 0.115291209599749, 'on': 0.0847356187888993, 'by': 0.05372468485537413, 'In': 0.04256622475687829, 'from': 0.03941487379717187, 'for': 0.03870106123459187, 'and': 0.03682858712280455}, {'they': 0.23425803438543766, 'which': 0.08369143829337787, 'who': 0.08159842811685179, 'and': 0.06342557922883536, 'we': 0.059110090767989405, 'They': 0.05558011272603956, 'men': 0.03937688099158966, 'that': 0.03764704167053407, 'there': 0.029020421205825573}, {'and': 0.1301443230624376, 'is': 0.04802770652041395, 'be': 0.04467017164587916, 'served': 0.03854520151286732, 'that': 0.03798516488021376, 'time': 0.03364841567163401, 'was': 0.03317712608696689, 'or': 0.03281296667365185, 'now': 0.028583485498549246}, {'to': 0.5841106618811089, 'will': 0.10612688771366104, 'and': 0.051590503353830336, 'would': 0.042027128625310835, 'not': 0.03815841056218314, 'the': 0.03576340627280975, 'a': 0.02731587492871918, 'that': 0.020420689755888316, 'which': 0.0201094705174359}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'at': 0.8296831282996108, 'that': 0.013798562492293566, 'At': 0.012909526166475368, 'to': 0.01039365901446284, 'of': 0.009575145620503123, 'or': 0.00917983132495642, 'and': 0.009083860572701358, 'nt': 0.008263846401545882, 'was': 0.006771514476599363}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.18825890409122856, 'in': 0.14886640859821193, 'of': 0.14723217846102962, 'to': 0.10721915125937274, 'that': 0.08324333004469679, 'at': 0.04913641857832044, 'for': 0.04835521038522986, 'nearly': 0.03489726219514751, 'In': 0.03406176784110124}, {'the': 0.3199356471025583, 'not': 0.2103819803588822, 'is': 0.0669101127782586, 'The': 0.05541444453634062, 'was': 0.051184288124606826, 'and': 0.041678812225353926, 'are': 0.029555590054046822, 'of': 0.027200388050809546, 'tho': 0.020650712355187163}, {'the': 0.17865255415184064, 'and': 0.0820373961072295, 'of': 0.06394233969633588, 'a': 0.05623709258191359, 'Mr.': 0.035692315835971315, 'to': 0.03312313062322019, 'The': 0.027851212832423256, '.': 0.020985352858546254, 'was': 0.020155061991007066}, {'well': 0.1525300951834984, 'is': 0.07425489965763471, 'and': 0.07293087835121505, 'such': 0.06586684930537233, 'far': 0.05441171368241039, 'soon': 0.05379345314277382, 'be': 0.03661175230266734, 'was': 0.03509784977422925, 'but': 0.03304538400416496}, {'the': 0.7588520331103782, 'a': 0.07242498579176357, 'The': 0.06922184890306562, 'tho': 0.03499489852579364, 'his': 0.016398336803957393, 'tbe': 0.01012190214863996, 'our': 0.005927383624571489, 'of': 0.005868798457972726, 'their': 0.005456997949953781}, {'it': 0.14666235719349513, 'It': 0.14470877816751312, 'he': 0.0945124943969407, 'which': 0.07156552169957323, 'and': 0.060073034420487885, 'This': 0.059451802840222605, 'there': 0.04375785307813736, 'that': 0.04099937529579349, 'He': 0.040123996196120185}, {'<s>': 0.140070117792894, '.': 0.015522772360221475, 'it.': 0.014688068504071112, 'them.': 0.009440672409064868, 'of': 0.008590348225458965, 'him.': 0.008501861948474593, 'time.': 0.0075287775443725145, 'day.': 0.006535482222511756, 'country.': 0.005775556445828626}, {'of': 0.32253070130870287, 'to': 0.10107790310172926, 'in': 0.07761944657018059, 'and': 0.063191964425746, 'for': 0.04898951220475868, 'by': 0.047321934433427845, 'on': 0.04524995466812564, 'that': 0.04385250283450068, 'In': 0.033401653835732285}, {'the': 0.4766784365933985, 'a': 0.1049986621878373, 'and': 0.07655857485889164, 'The': 0.05207111819488313, 'of': 0.049356395036280455, 'tho': 0.025787029653680318, 'at': 0.02136257899774862, 'street': 0.02002231889169979, 'to': 0.019701901878540436}, {'is': 0.16332544880840236, 'and': 0.1448457223077251, 'for': 0.1114619325207068, 'it': 0.10838235248237935, 'the': 0.09135460204495913, 'of': 0.07253360420361048, 'was': 0.069422761978184, 'no': 0.06382521241109948, 'a': 0.05666528162342649}, {'of': 0.09723180168383429, 'the': 0.07969187649473977, 'a': 0.04884307722894531, 'in': 0.0449300645018408, 'and': 0.043909216817065555, 'on': 0.03395807391476252, 'to': 0.03241400392880881, 'Block': 0.0296992610777837, 'by': 0.020125731536088327}, {'the': 0.4749746108270111, 'a': 0.14624960195297554, 'and': 0.10241520664436121, 'The': 0.05495777082013069, 'in': 0.04752829803900092, 'of': 0.03456255625788829, 'with': 0.032159238707473316, 'that': 0.027621249760782278, 'some': 0.02478217154662538}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.278776209369975, 'same': 0.12621465678209806, 'that': 0.12213364619521569, 'some': 0.11221919659366678, 'any': 0.07503549569489727, 'this': 0.07226939255248939, 'a': 0.06110934317566165, 'short': 0.05534858929510508, 'long': 0.040692190560242314}, {'they': 0.16053336364648327, 'who': 0.08717726317315197, 'we': 0.07891906022724207, 'there': 0.07036255626975567, 'which': 0.05515522023406088, 'They': 0.04816334191268725, 'and': 0.042544278183932305, 'There': 0.042285238509627385, 'that': 0.03895811485872255}, {'such': 0.09469824482334813, 'far': 0.07270569150255973, 'and': 0.06631150777610972, 'well': 0.04510890965936817, 'but': 0.02867402600182878, 'much': 0.023158179731338793, 'it': 0.02250300134317536, 'so': 0.022026701047923224, 'that': 0.021157242377528054}, {'have': 0.26716231509910815, 'had': 0.25696547228197636, 'has': 0.2409127638522663, 'be': 0.06882278385394444, 'having': 0.03365207673397901, 'was': 0.03024064644275929, 'and': 0.026930327318009106, 'been': 0.02631624234272898, 'not': 0.0183555235523966}, {'to': 0.11804649119583117, 'I': 0.09405788195798001, '1': 0.06647330633512602, 're-': 0.06289046808926334, 'his': 0.05782354886625879, 'a': 0.05311752236904498, 'and': 0.04506759970387894, 'of': 0.030906214079698627, 'the': 0.03070543808811414}, {'in': 0.16757278090202735, 'of': 0.16466495768334283, 'to': 0.1405940333239355, 'for': 0.12333944262878316, 'on': 0.07510945836314745, 'at': 0.07085946641196152, 'and': 0.05381679183387292, 'with': 0.0488274155799207, 'from': 0.04006687855313141}, {'carry': 0.18098225799421191, 'through-': 0.16433880343623636, 'with-': 0.10367807475858372, 'carrying': 0.059295424892172356, 'pointed': 0.04770438717273184, 'and': 0.042444624711360034, 'sent': 0.03942942034082662, 'brought': 0.03520920088127737, 'carried': 0.0346892161817757}, {'of': 0.38105576098534355, 'to': 0.11064387738089392, 'that': 0.08267141718403373, 'in': 0.07975942439899844, 'by': 0.06881999940954249, 'and': 0.0639804740121033, 'for': 0.051863434554613244, 'with': 0.040117427245308875, 'from': 0.034623347360859216}, {'virtue': 0.08933716810819498, 'one': 0.048651189164338846, 'out': 0.04864130685224872, 'part': 0.03375720656514572, 'pursuance': 0.03145340148893502, 'result': 0.02616341649605036, 'all': 0.0251596379097759, 'tion': 0.023785134505880427, 'means': 0.022477306942593037}, {'in': 0.3334052707268957, 'the': 0.278254244205021, 'In': 0.09038791323140381, 'and': 0.051131377848400966, 'of': 0.041112319956543665, 'a': 0.03284070109375281, 'to': 0.02941344407466528, 'with': 0.024566284003317892, 'from': 0.017254068367916986}, {'it': 0.17812879620942, 'he': 0.14404908689090548, 'It': 0.1408192097632072, 'I': 0.07707813719156445, 'which': 0.07069642152649272, 'He': 0.04269934430573701, 'and': 0.038635935119078785, 'who': 0.03486068236324738, 'she': 0.0330034829180318}, {'of': 0.18110035930105842, 'such': 0.11666777769775376, 'in': 0.10611029234532064, 'as': 0.09890078878131665, 'to': 0.08761838533633866, 'with': 0.07387355075536663, 'for': 0.06966490003080332, 'at': 0.06473992355964006, 'and': 0.06055735135873417}, {'the': 0.6406765549112994, 'The': 0.08887689334602587, 'and': 0.05249678089511051, 'a': 0.03709094753913185, 'tho': 0.03663916194022435, 'of': 0.017691612601488667, 'tbe': 0.0135418558819153, 'in': 0.01004245190845759, 'or': 0.00886801633750509}, {'want': 0.07298750041556927, 'and': 0.06830783064107104, 'him': 0.06287276266427819, 'able': 0.06168052416813689, 'enough': 0.05926251003856859, 'is': 0.05544806248942824, 'right': 0.05156326776436694, 'me': 0.04747215454613779, 'not': 0.0466718830256142}, {'<s>': 0.06078091757033079, 'it.': 0.013237270687332655, '.': 0.009590871381488585, 'them.': 0.008993667810264273, 'him.': 0.006543432059779771, 'time.': 0.005361370724226244, 'country.': 0.0052585926269443275, 'of': 0.004642963071394818, 'day.': 0.004488000096148049}, {'and': 0.1839271098377978, 'which': 0.11716305848980839, 'I': 0.0930612235837324, 'he': 0.07402268375667233, 'it': 0.06003463460384265, 'It': 0.04882826989851132, 'who': 0.035871719329407976, 'that': 0.03376652027836388, 'He': 0.022297474506085303}, {'feet': 0.045990031637641184, 'hundred': 0.03135054639258352, 'time': 0.03134051528573795, 'men': 0.02367460993434906, 'dollars': 0.023208511170753975, 'day': 0.02035090164318456, 'city': 0.01888287834492655, 'county': 0.014360931897242621, 'up': 0.014357673473711287}, {'the': 0.31031750001291963, 'and': 0.06527702224004961, 'of': 0.06447128956765259, 'a': 0.05632631266118443, 'in': 0.05323933470490312, 'that': 0.03237424241186584, 'tho': 0.020866506904482697, 'no': 0.019337802759297265, 'any': 0.019000235744759227}, {'more': 0.32027508095144536, 'less': 0.14287766747539665, 'better': 0.10582093850335086, 'rather': 0.04655699891549296, 'greater': 0.04486440188279597, 'worse': 0.03756744552761525, 'higher': 0.028198117769579808, 'other': 0.022416331172470737, 'larger': 0.02174216866702339}, {'and': 0.3023679124499498, 'have': 0.0887901033214545, 'had': 0.07161539832173991, 'he': 0.0696872295660825, 'not': 0.06751499710504212, 'it': 0.06152837221819012, 'who': 0.05237059212082168, 'has': 0.04070782657979075, 'It': 0.03810180425191842}, {'the': 0.5667451107523258, 'The': 0.12436737346084403, 'of': 0.07342540501425682, 'a': 0.04912682337591437, 'tho': 0.03498402776613107, 'this': 0.026304712281459156, 'his': 0.01873451927938446, 'to': 0.015118528195333302, 'in': 0.014418449813923578}, {'a': 0.3516017528898416, 'the': 0.15612732764808035, 'and': 0.12408744384572824, 'very': 0.070566524038265, 'of': 0.05396305439236928, 'too': 0.040228819168683004, 'with': 0.03897446983224394, 'is': 0.03018386046372444, 'was': 0.02719247661533039}, {'a': 0.4143772636962491, 'the': 0.2684267346851558, 'large': 0.12508734203529223, 'A': 0.04548145434041408, 'The': 0.04133793429389639, 'great': 0.016838353931048, 'total': 0.013281114561676135, 'and': 0.010567616319534739, 'tho': 0.009382732376109449}, {'of': 0.40509148797630024, 'to': 0.08690218284179602, 'in': 0.08438601578907848, 'for': 0.07714011424389351, 'and': 0.06634612721346658, 'that': 0.06233444382726442, 'by': 0.0503810706102284, 'with': 0.04142987894521126, 'on': 0.025832887578861454}, {'and': 0.060034879270979946, 'of': 0.03935699214371401, 'the': 0.03553251722652633, 'go': 0.023764009107031584, 'it': 0.02303324317026248, 'to': 0.022509572154300696, '<s>': 0.019923716614602068, 'that': 0.017657024676997, 'his': 0.016665235720749762}, {'the': 0.45640824155134113, 'of': 0.05189847952654342, 'School': 0.04407954388696098, 'tho': 0.027185447885213376, 'and': 0.026803774540040588, 'said': 0.024247831746661678, 'Judicial': 0.01971070572885058, 'The': 0.015310433230887686, '<s>': 0.014478902811131183}, {'and': 0.08105198167164011, 'to': 0.05927308186178267, 'I': 0.051290804283437866, 'not': 0.05022367388425335, 'he': 0.04766148253393074, 'who': 0.04369686144079047, 'was': 0.02638895212500874, 'or': 0.023041897314306708, 'which': 0.023011506666499683}, {'a': 0.45319149199144365, 'the': 0.12315186217703589, 'and': 0.07441573986370942, 'most': 0.06498350107844694, 'this': 0.06277110896837715, 'of': 0.04894947781855579, 'more': 0.03774345422706607, 'an': 0.03373348778611024, 'or': 0.026634658719881445}, {'the': 0.3598262947011152, 'of': 0.14801386851289508, 'his': 0.05831317555811039, 'this': 0.045460866612272346, 'a': 0.037114649436587197, 'and': 0.028953962137119225, 'The': 0.02811467145930043, 'their': 0.02739785124126461, 'tho': 0.02735985976439038}, {'the': 0.1261093159189746, 'of': 0.06967388286455078, 'a': 0.06687190973657944, 'and': 0.0662421929278628, 'to': 0.049876159825684614, 'for': 0.038305618781237775, 'in': 0.02988068254079254, 'as': 0.018219082754059198, 'or': 0.017808849616663572}, {'be': 0.1388253451034596, 'and': 0.134310660928062, 'he': 0.11271139479567281, 'was': 0.09928569302640071, 'had': 0.07469720588439985, 'has': 0.06819576129517979, 'have': 0.06814085730466157, 'been': 0.058955201694166015, 'is': 0.056123052226739564}, {';': 0.05102315894082136, 'him,': 0.0330048142176017, 'it,': 0.022916746765288265, 'her,': 0.018053899848269606, 'time,': 0.013711693635877596, 'and': 0.01307536883073231, 'them,': 0.012909025869272683, 'man,': 0.010895165406356575, 'me,': 0.008624030118344226}, {'of': 0.3685275081481861, 'to': 0.11386063381081653, 'that': 0.10567396440242423, 'by': 0.08930427984772693, 'and': 0.08898362670025432, 'with': 0.04521040027363946, 'for': 0.03005187312183801, 'as': 0.02942787947807983, 'all': 0.027205769132614556}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'it': 0.13388089705047065, 'he': 0.11351346947712339, 'which': 0.10788639787189726, 'It': 0.08348379575161424, 'and': 0.08311264598894291, 'that': 0.04743017233964053, 'who': 0.045698821140841075, 'He': 0.04323941226943361, 'I': 0.03930912156758482}, {'and': 0.19733027676204903, 'of': 0.1187326287455802, 'in': 0.11153490192820999, 'by': 0.10747070509820088, 'for': 0.06727054078668576, 'that': 0.06036934928614181, 'to': 0.05940524047227203, 'with': 0.05285319268077388, 'or': 0.03660352912189314}, {'and': 0.046726483887803504, '<s>': 0.043765056395578136, 'him': 0.03242396187067208, 'was': 0.029126022393704546, 'out': 0.015338006546465234, 'is': 0.014201963811477005, 'be': 0.01386816452355622, 'it': 0.01278805658013747, 'made': 0.012191717887941196}, {'the': 0.11000578669892208, 'of': 0.10944815978095505, 'and': 0.07134712042414373, 'to': 0.06271468885040081, 'at': 0.04811407281625892, 'a': 0.030770161671776486, '.': 0.025652513667997225, '<s>': 0.020780634371182882, 'by': 0.018007582324805996}, {'of': 0.2881084852611035, 'to': 0.11695042359810433, 'in': 0.11612425883348357, 'and': 0.0676209513584755, 'with': 0.059999875551068116, 'for': 0.053652151003525876, 'on': 0.051676945102502155, 'by': 0.04093520255770849, 'from': 0.038827044671752485}, {'the': 0.16465565819744016, 'of': 0.08566265505367146, 'and': 0.06085954849267232, 'to': 0.05966379767906124, 'a': 0.04729912657293072, 'in': 0.03826567402949519, 'as': 0.035461645579363876, 'be': 0.030917192072015, 'was': 0.023825284576672677}, {'the': 0.14129804651508054, 'and': 0.0867161494607614, 'of': 0.07712596899095665, 'to': 0.046172356848908136, 'be': 0.03737886474545759, 'in': 0.03610437761620784, 'was': 0.03366983523316979, 'for': 0.027326843858330164, 'a': 0.02462561583236489}, {'<s>': 0.05508907589191662, 'and': 0.044909273561370776, 'that': 0.0226005774298314, 'it': 0.022373216634827494, 'was': 0.019340390516322466, 'them': 0.017012669956802163, 'is': 0.01437425545216866, 'be': 0.013108239786484297, 'him': 0.012252580313464594}, {'of': 0.17089503210371298, 'the': 0.141519085202891, 'in': 0.08030016561988784, 'other': 0.04893360379315848, 'white': 0.03842046817303787, 'and': 0.03610072516864963, 'on': 0.03360308351761293, 'his': 0.03320380321266726, 'an': 0.02870103900171232}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'called': 0.5851730786589834, 'depended': 0.056801348743075006, 'agreed': 0.053953196177417825, 'relied': 0.05086433790741945, 'looked': 0.030294812930355523, 'went': 0.01727538566257761, 'levied': 0.01207280497885478, 'due': 0.011422595800629038, 'look': 0.01096505545415198}, {'the': 0.18847046086757496, 'and': 0.07827896376329317, 'of': 0.058334631227236255, 'Mr.': 0.04241077463672873, 'The': 0.03980209237992832, 'a': 0.030972976831335212, 'his': 0.022224285559617262, 'I': 0.018838428584508248, 'that': 0.01817835654443407}, {'the': 0.2255493823275016, 'his': 0.15520346031231283, 'their': 0.12661701092224548, 'our': 0.07856953984255208, 'her': 0.061149295977766145, 'my': 0.04771342127344639, 'its': 0.04270510819640529, 'your': 0.03896668190504103, 'of': 0.03826646667084133}, {'of': 0.16014749874019676, 'and': 0.1408834482910308, 'such': 0.09347423406686255, 'all': 0.08379640056264862, 'three': 0.07158308769110482, 'many': 0.0715782328129776, 'the': 0.07145460199289069, 'two': 0.0702261877853257, 'or': 0.0651364260306177}, {'of': 0.10786978838057618, 'and': 0.046082319869698705, 'that': 0.03232507844278225, 'in': 0.02679965746615934, 'for': 0.024558937607319056, 'to': 0.02420718843582559, 'by': 0.015096401765149623, 'from': 0.013464120494513496, 'with': 0.012245012935296319}, {'the': 0.37946365268915316, 'of': 0.09629724541407264, 'an': 0.05470309407613178, 'a': 0.03209865307417421, 'The': 0.027126662470191118, 'to': 0.023353999250948602, 'and': 0.02239701949669644, 'tho': 0.021688444242290755, 'in': 0.01997262408325364}, {'the': 0.134774371769073, 'and': 0.11375421454745288, 'of': 0.056022294232774064, 'to': 0.03697782699477615, 'he': 0.03578682430888795, 'was': 0.03400876007106921, 'that': 0.032377616071276975, 'be': 0.03227410948027915, 'which': 0.03021553485162067}, {'went': 0.07485219050585103, 'brought': 0.07468511686369422, 'go': 0.06819174240008385, 'came': 0.0644673637944458, 'put': 0.052085738628908626, 'enter': 0.05134423578080185, 'and': 0.03738229964926579, 'it': 0.03674576100942003, 'them': 0.03505623446278554}, {'he': 0.15046320513953984, 'we': 0.1420746912274771, 'they': 0.13354885311911238, 'I': 0.10614080096913228, 'it': 0.08559500836677401, 'you': 0.05668982902866147, 'It': 0.045959185406475804, 'We': 0.04566524519740185, 'and': 0.041684068893739684}, {'in': 0.2551635463646627, 'of': 0.2325522431456286, 'to': 0.1277108780165465, 'at': 0.06954396264398212, 'or': 0.04980065983617335, 'by': 0.04909421569957917, 'on': 0.04769627889113105, 'for': 0.04422450622576202, 'In': 0.04307058583241113}, {'to': 0.1808877389544029, 'and': 0.12056012104193045, 'not': 0.07297922330796666, 'the': 0.04569264577415703, 'of': 0.0362382982253144, 'in': 0.035182683920777884, 'I': 0.023148100813290207, 'it': 0.022757904376902, 'or': 0.02093211478831599}, {'of': 0.18609801305969895, 'to': 0.12098448433302775, 'for': 0.11173128491229821, 'in': 0.08892934262256964, 'with': 0.07184770739692385, 'at': 0.06803528710223143, 'as': 0.0648813071307568, 'and': 0.060747231408459335, 'by': 0.058090480039098245}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'in': 0.39609718593597015, 'of': 0.2427549884098726, 'In': 0.08836402043168562, 'from': 0.04935489132802438, 'for': 0.04778307772931523, 'to': 0.044024465003327753, 'and': 0.024386234311420073, 'on': 0.018421521367755267, 'at': 0.011663909142397805}, {'be': 0.29126137419789855, 'is': 0.1420527094521696, 'have': 0.07929082190511486, 'was': 0.07758251880475464, 'are': 0.07276986589545417, 'and': 0.06701412615191506, 'has': 0.06074592394840453, 'been': 0.058218080849724164, 'he': 0.04776461264855593}, {'was': 0.15472802129130628, 'is': 0.10137115094593904, 'be': 0.09744997053748668, 'and': 0.08604964506614834, 'are': 0.07438551366806379, 'as': 0.05936700257006712, 'were': 0.044950786690728654, 'been': 0.04274713468902143, 'the': 0.03500232302749092}, {'it': 0.11710437810221078, 'they': 0.10873803410105673, 'and': 0.08909998705618964, 'which': 0.0888399717938247, 'he': 0.08439278920808722, 'I': 0.06649612905981304, 'you': 0.06595827490822752, 'that': 0.06269507128465793, 'It': 0.061374332336906895}, {'and': 0.23792315441978626, 'the': 0.15241159420674233, 'of': 0.14342952815971882, 'or': 0.03454848645683867, 'by': 0.03226085754225456, 'many': 0.03067101529625695, 'for': 0.024757677555829003, 'those': 0.022481534888942577, 'that': 0.022362296259845166}, {'Kansas': 0.14884526012238905, 'York': 0.12431104037364367, 'the': 0.09010842898558458, 'Jersey': 0.06917115446365245, 'Lake': 0.04113623718594011, 'Sioux': 0.04110660760531712, 'of': 0.039331647939015994, 'Atlantic': 0.02920579099943729, 'Carson': 0.025888738743318707}, {'the': 0.17087116299664976, 'of': 0.10190142499721039, 'a': 0.08412097900898033, 'and': 0.05260551021227671, 'or': 0.041810499317992585, 'to': 0.040100648227773907, 'in': 0.033880585424514977, 'any': 0.0240775442330798, 'be': 0.019258494327570132}, {'he': 0.28335021677537164, 'and': 0.11408090586006421, 'who': 0.05466755472720868, 'it': 0.04619782048749365, 'He': 0.043955875652465996, 'man': 0.043258013737504104, 'It': 0.037364058624686405, 'she': 0.03625085622698414, 'as': 0.031271970201594904}, {'and': 0.08766579909088973, 'to': 0.0750231353392871, '<s>': 0.06845602833389512, 'the': 0.04329065712111272, 'Mr.': 0.0428462703546592, 'St.': 0.03818860847586209, '.': 0.035828966654622464, 'that': 0.025629659382169136, 'it.': 0.02236560488993707}, {'was': 0.2255743327575972, 'be': 0.18998677124366026, 'is': 0.18449266225917008, 'been': 0.07385641764312094, 'not': 0.06050496221232089, 'were': 0.05447127001960854, 'are': 0.047172939829870364, 'it': 0.04579914135386128, 'so': 0.04094094420884582}, {'the': 0.22569485599416572, 'a': 0.17909729453943665, 'to': 0.105975486750128, 'and': 0.0710799049969496, 'southeast': 0.060931654202714396, 'northwest': 0.05503236319953621, 'section': 0.051370311877878175, 'of': 0.03988583355028125, 'northeast': 0.030116419724901394}, {'and': 0.018227298490919537, ';': 0.010090656059771334, '.': 0.009690443581113066, 'it': 0.00923338337366104, 'that': 0.00857128379643421, '<s>': 0.007947390050093076, ',': 0.007683102468950568, 'them': 0.006312505316491801, 'it,': 0.006034491276469096}, {'in': 0.31726727747416356, 'In': 0.0900099578079318, 'the': 0.07838576175746105, 'into': 0.0635730770087454, 'of': 0.0633893814973386, 'and': 0.061269256972286225, 'their': 0.05540767637335488, 'its': 0.05514105939459341, 'his': 0.044800100801555394}, {'and': 0.09458009581434272, 'was': 0.0397428843358416, 'made': 0.03516882205909402, 'that': 0.032832971766686966, 'is': 0.02625333874246275, 'out': 0.02569579638254241, 'up': 0.025251363357625043, 'work': 0.025115137082759507, 'but': 0.023410091332191747}, {'May,': 0.11040487112045123, 'D.': 0.10268596879656106, 'January,': 0.0878475848205953, 'August,': 0.07878935134669528, 'April,': 0.07716370579945851, 'March,': 0.06695107322156182, 'and': 0.058688055051747894, 'June,': 0.057550888105813575, 'October,': 0.05687835139806366}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'in': 0.17019449650516102, 'on': 0.14200159394484194, 'of': 0.10764711434252701, 'the': 0.088575237189248, 'and': 0.0814417641760362, 'at': 0.07620741963504907, 'to': 0.07466333738179637, 'along': 0.07300065599428983, 'In': 0.06149566492246757}, {'the': 0.16727847761001866, 'of': 0.10182412996811498, 'and': 0.07806424601577233, 'to': 0.06697038971926339, 'at': 0.05271273824555843, 'a': 0.03973401698824732, 'in': 0.029027626626444453, 'his': 0.019727376843235656, 'on': 0.017644225999114055}, {'and': 0.10565141510686601, 'of': 0.052723951521465924, 'to': 0.036428080029674986, 'for': 0.025402696624174066, 'the': 0.025071077671852317, 'wi': 0.023245982299506727, 'I': 0.02224811582167056, '<s>': 0.019609282743110225, 'that': 0.016658445353513674}, {'of': 0.43391890493708984, 'in': 0.31140398549015486, 'In': 0.11190722112801837, 'on': 0.022864011097898127, 'from': 0.016471447588532775, 'the': 0.013898699761394611, 'at': 0.013795536298060821, 'and': 0.012581288404195593, 'with': 0.010560794407987425}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'be': 0.1722879295184843, 'was': 0.1658359090093663, 'been': 0.0965897471437863, 'and': 0.08341214173976541, 'he': 0.07775099656534419, 'is': 0.06009759613767736, 'were': 0.05932642104562853, 'the': 0.04765233846616527, 'I': 0.04261187320198197}, {'a': 0.1766035985577637, 'the': 0.11525088140769442, 'and': 0.0632685793688604, 'more': 0.05697977982339606, 'an': 0.03922728974963681, 'their': 0.03858475324082935, 'very': 0.03401996795401927, 'his': 0.028220783825039484, 'of': 0.02583332903278758}, {'and': 0.1817523487734183, 'that': 0.14198505624146276, 'as': 0.09758467626628317, 'which': 0.07438988285284352, 'but': 0.06796203996246405, 'if': 0.05858369882533566, 'when': 0.05034490495241374, 'what': 0.0372893970908942, 'If': 0.026013959420150033}, {'of': 0.15473836353443698, 'by': 0.08140978562629425, 'to': 0.07108415137492592, 'that': 0.06908815695154398, 'and': 0.06791709977325962, 'with': 0.02727368250248621, '<s>': 0.023435708793644882, 'which': 0.01997369425877864, 'as': 0.017159513113650854}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'be': 0.3379761165625931, 'was': 0.13925541047463375, 'is': 0.07782970213084814, 'he': 0.06273919953211972, 'are': 0.05003676453660088, 'been': 0.049882241456264395, 'and': 0.048342996380942936, 'were': 0.048188707972006646, 'have': 0.028844397268865216}, {'number': 0.08115595924334462, 'state': 0.06873923961749782, 'amount': 0.054598780216487355, 'State': 0.05264637331437892, 'sum': 0.04582244469279192, 'board': 0.043914205474270177, 'out': 0.04173404766226061, 'line': 0.03692258762625702, 'rate': 0.03355298007240531}, {'a': 0.541708584692901, 'the': 0.24982756885766316, 'and': 0.043935247142209394, 'very': 0.03142821512289392, 'The': 0.029499942645963822, 'of': 0.018514015912479382, 'his': 0.01807418886343474, 'most': 0.015174774298874342, 'some': 0.014455749890417851}, {'the': 0.18383391274572516, 'of': 0.0795610080995925, 'The': 0.07693711338930552, 'Mr.': 0.07063407577582882, 'and': 0.04954368568515078, 'that': 0.047617963182718194, 'a': 0.030078326709935564, 'Mrs.': 0.023916418750509646, 'his': 0.017168066128705386}, {'the': 0.3621079800840236, 'The': 0.11735167297188417, 'a': 0.09604535848010312, 'his': 0.08238175355493912, 'of': 0.05646168539532224, 'an': 0.049627005816085396, 'at': 0.02854445848462466, 'and': 0.028179225814851275, 'No': 0.026287266467431573}, {'a': 0.7642076559515106, 'the': 0.10548826066457546, 'A': 0.035689046492021544, 'The': 0.017271061759357133, 'young': 0.012648166016661879, 'one': 0.012265460520952523, 'tho': 0.0063043943042854185, 'any': 0.004753207257287372, 'first': 0.004503964280876955}, {'to': 0.30076866188481344, 'will': 0.19732163391507132, 'would': 0.09841805736858565, 'not': 0.0816272529073909, 'may': 0.07113536338301049, 'should': 0.06741247469353585, 'shall': 0.05761545795442145, 'can': 0.03974575147356378, 'must': 0.039562547049152616}, {';': 0.01499140822547492, 'hundred': 0.014358328258433993, 'in': 0.009354920306226915, 'him': 0.0076462996133949525, '.': 0.006370400669120829, 'it,': 0.005893180454051705, 'up': 0.005886621929028496, ',': 0.0058397037807769205, 'it': 0.005532517503182414}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'be': 0.2955696298083838, 'was': 0.22970696322316245, 'been': 0.09255921508583438, 'is': 0.07075910465235687, 'were': 0.0669073384894103, 'he': 0.05286645811099338, 'I': 0.039093816842007176, 'are': 0.038596263097730024, 'and': 0.03444207761589514}, {'the': 0.1388035983537203, 'of': 0.09132232166075781, 'and': 0.05822172645464858, 'be': 0.05477370725084127, 'to': 0.04202945457210844, 'his': 0.03334235491753764, 'was': 0.0330377276597825, 're-': 0.02945046647818679, 'their': 0.028127301946301374}, {'No.': 0.0697545977195166, 'and': 0.0565542553469394, 'the': 0.04831850601981713, 'of': 0.045616366750856424, 'at': 0.03203948059901627, '.': 0.0292016235220659, 'a': 0.02888923272038138, 'said': 0.02404369511475071, 'to': 0.022727161690892724}, {'real': 0.4754073299180887, 'the': 0.25679904778735063, 'said': 0.04062557165403053, 'and': 0.022080169320241195, 'The': 0.019090291490601947, 'tho': 0.012440877051455319, 'a': 0.01229497996939139, 'an': 0.0112306390072147, 'of': 0.005217012188755462}, {'the': 0.34052826693342897, 'The': 0.13216662217022918, 'of': 0.11238236214414714, 'and': 0.057647750584517585, 'no': 0.05543018789555518, 'more': 0.0323673949689392, 'an': 0.029692995375531373, 'a': 0.029028509090670403, 'his': 0.028940788517792124}, {'the': 0.1614167115517673, 'and': 0.15676187770578093, 'adjoining': 0.09513180928771792, 'of': 0.09098595315459157, 'their': 0.07248240900642906, 'he': 0.05507017435894901, 'his': 0.040911212234590655, 'or': 0.040887537179093554, 'is': 0.025691765937403466}, {'of': 0.236888731446566, 'on': 0.17716142523428566, 'in': 0.15129921820624517, 'along': 0.1227173358032744, 'to': 0.10074156229714087, 'at': 0.04347067656578536, 'In': 0.037558184803027236, 'from': 0.036801204597605636, 'by': 0.03470071848769826}, {'the': 0.21095799837836687, 'and': 0.1032499055783425, 'of': 0.08128921705825859, 'a': 0.0597427025547559, 'to': 0.04527341435820327, 'in': 0.04029736850605606, 'The': 0.03358232009912984, 'or': 0.01995310615503491, 'for': 0.019209308255173717}, {'the': 0.3938067851730201, 'of': 0.17599885792367273, 'a': 0.08058009926507417, 'and': 0.05017980857100984, 'their': 0.02959579481003161, 'The': 0.028727409556221554, 'tho': 0.025842008201187778, 'his': 0.02488288560970707, 'with': 0.02447287427854992}, {'they': 0.19338508474090096, 'There': 0.17005968258635307, 'we': 0.0734319374018096, 'and': 0.07174919510250945, 'They': 0.06365009653729593, 'there': 0.05048979307660798, 'who': 0.049417751940374934, 'I': 0.04704259278041181, 'you': 0.033280964724210896}, {'and': 0.16989346218158197, 'fact': 0.10268425714877387, 'say': 0.0661439099372625, 'said': 0.053605402323798096, 'believe': 0.04660858482558379, 'know': 0.04492994315709491, 'so': 0.03559991250807784, 'all': 0.032399218079607904, 'is': 0.030004614497285247}, {'it': 0.2767746804462922, 'It': 0.1392847703568759, 'there': 0.07727980240897835, 'he': 0.06667869063938851, 'that': 0.06075776739853867, 'they': 0.048036591824296745, 'which': 0.04432484615907303, 'and': 0.031658081059459095, 'I': 0.019831117151427383}, {'is': 0.22310556247074562, 'was': 0.13088317060085708, 'and': 0.08102289737603668, 'are': 0.07911616884926767, 'but': 0.05372581687639888, 'has': 0.05055457907772109, 'it': 0.05012133930221169, 'will': 0.04868787813890675, 'had': 0.047993567949792426}, {'he': 0.22615363562578816, 'I': 0.14853828629521737, 'who': 0.086302282383137, 'never': 0.0658742316381585, 'He': 0.05850322856944379, 'and': 0.05548987802176879, 'she': 0.05430448230331518, 'they': 0.0362130469146422, '1': 0.027551792470824163}, {'get': 0.07173213841506879, 'was': 0.06759495288640666, 'and': 0.06561624249602109, 'him': 0.05191804352667103, 'it': 0.050055576730890734, 'them': 0.04759245041696305, 'are': 0.04655608701837469, 'go': 0.04289741385980777, 'come': 0.040389983849953646}, {'the': 0.6717004806495499, 'The': 0.06402359107238152, 'tho': 0.04021571888405734, 'at': 0.03307317969637467, 'of': 0.03295351286332366, 'and': 0.018106231373433427, 'a': 0.014763394249892677, 'tbe': 0.014757891083536036, 'his': 0.01357554540432965}, {'law': 0.02854846728133787, 'one': 0.025623709007728767, 'druggists,': 0.023292265186509335, 'person': 0.019775238655743207, 'action': 0.01845196515445173, 'man': 0.01655315688289779, 'year': 0.016271623265588665, 'that': 0.013241535228416985, 'whether': 0.012508392499195144}, {'the': 0.15652611851408013, 'of': 0.11422780979931677, 'and': 0.08504708330440851, 'to': 0.0361649818302569, 'that': 0.034242784026918806, 'The': 0.03231408857727781, 'in': 0.03112054089137663, 'which': 0.02089336217717246, 'or': 0.017507140879938755}, {'and': 0.1701369326793732, 'the': 0.090962484841885, 'to': 0.0704460993539364, 'of': 0.04188183580456201, 'that': 0.029458946315084496, 'a': 0.02878464984297394, 'or': 0.02752664666179529, 'as': 0.026874873558396253, 'I': 0.023384218043867543}, {'and': 0.14825760006297956, 'was': 0.13751895006672774, 'have': 0.12294828280859707, 'be': 0.11220776749447947, 'had': 0.08820979126407795, 'is': 0.06142255182671197, 'been': 0.057237884187996295, 'he': 0.05428308906332879, 'has': 0.036671855905197726}, {'of': 0.4106443446728333, 'to': 0.14427097806118444, 'and': 0.07576273853378793, 'by': 0.05926395752405169, 'with': 0.05912381396574706, 'that': 0.058043835080977414, 'for': 0.047787504951367805, 'from': 0.04120613081899698, 'in': 0.03674793444120219}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'and': 0.14240872525040676, 'to': 0.04706808870746435, 'the': 0.030741894640849855, 'or': 0.028940724063438967, 'is': 0.026397100303695183, 'of': 0.025685630901052445, 'was': 0.023071486411976337, 'are': 0.021112884338595834, 'with': 0.020051826037085912}, {'the': 0.18745795699020795, 'other': 0.06877771571596919, 'of': 0.06658888201807604, 'such': 0.045896247567835, 'in': 0.04519045551658438, 'any': 0.0355968989585698, 'public': 0.030987983882227184, 'and': 0.028914901110294027, 'two': 0.028308223021439483}, {'the': 0.10825968772636711, 'of': 0.06984459126510656, 'and': 0.04049792400991277, '.': 0.03823389734906266, 'a': 0.037529938986848636, 'to': 0.023791757470354037, 'at': 0.015067911392130116, '<s>': 0.014888479534156047, 'in': 0.014762011845029007}, {'<s>': 0.04121704289466267, 'it.': 0.029920764177422753, 'them.': 0.01599647251795906, 'him.': 0.014031940910136263, '.': 0.01347109933979648, '?': 0.007776417192265665, 'her.': 0.006566585532807764, 'me.': 0.006080450133045721, 'life.': 0.0058435228840667056}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'it': 0.22627549004256103, 'It': 0.14382924771344463, 'which': 0.058548775185208686, 'he': 0.04733684456003108, 'and': 0.043720665595144, 'that': 0.03984652935210813, 'there': 0.029090697629774773, 'who': 0.024737611177075763, 'This': 0.017541571030356758}, {'be': 0.2770442576868406, 'was': 0.17332350667978483, 'been': 0.12103259092011268, 'is': 0.09091621852111992, 'are': 0.056983571423443714, 'were': 0.053706054865442936, 'and': 0.03426963334629023, 'being': 0.03179043092754571, 'have': 0.02728353373815686}, {'the': 0.308660816429847, 'their': 0.09924827209173995, 'a': 0.09395598615390564, 'his': 0.09259171247826346, 'have': 0.062243600692994665, 'of': 0.058284362552471936, 'and': 0.046577190935688885, 'no': 0.04633824840598209, 'its': 0.03610546619066456}, {'the': 0.1604697480758622, 'of': 0.11115147507530876, 'and': 0.09229814904931401, 'to': 0.07361477420540521, 'a': 0.05797706634709639, 'in': 0.04712777755609186, 'be': 0.04193693791414396, 'is': 0.027165410376618848, 'or': 0.023324901552052062}, {'State': 0.32755169258038297, 'state': 0.07684844360301213, 'County': 0.05039362097979205, 'city': 0.049385762653488735, 'deed': 0.03912621724370421, 'county': 0.03693781505068522, 'day': 0.03297024784944369, 'City': 0.030665851452879016, 'line': 0.024506834917946203}, {'part': 0.07196025971506713, 'one': 0.07000355279264338, 'some': 0.04307302051471967, 'out': 0.035392916858036194, 'members': 0.02550305881294491, 'and': 0.022215776852222372, 'tion': 0.0216911631781865, 'portion': 0.020842143848213566, 'side': 0.020717751768984743}, {'to': 0.11032930493935608, 'the': 0.10808801942558408, 'and': 0.10585990876899179, 'of': 0.08465937593229254, 'in': 0.03357921122641276, 'a': 0.02894796934216075, 'not': 0.01984778500098046, 'I': 0.016850603092794177, 'be': 0.016357541665608457}, {'the': 0.15490878451833767, 'and': 0.12504053389710493, 'of': 0.07331192072946174, 'to': 0.05828165759196936, 'for': 0.0466670431313927, 'or': 0.03825428814198086, 'in': 0.03795900845874166, 'be': 0.03629846722581993, 'are': 0.029900743503217163}, {'to': 0.18034498965184734, 'I': 0.10916988708584725, 'would': 0.10470460307587337, 'they': 0.09079676513117406, 'we': 0.08261930753046381, 'who': 0.06432076887909, 'will': 0.06083687540420752, 'you': 0.045461924317344304, 'and': 0.040858231288966665}, {'and': 0.14200534771955114, 'he': 0.09785129698269106, 'be': 0.08643528951342151, 'have': 0.07770892784123686, 'had': 0.07538168696506499, 're-': 0.07471620962180292, 'was': 0.06999152245304928, 'has': 0.05381961684974945, 'He': 0.04689373934158282}, {'to': 0.12617817190490266, 'or': 0.1209552602547234, 'and': 0.08643609074789317, 'not': 0.04680853103933053, 'of': 0.0423917508260806, 'there': 0.030939930752676665, 'the': 0.03084990633776635, 'nor': 0.028797703924129395, 'that': 0.027625216839824947}, {'of': 0.6893661161549205, 'in': 0.07524808765470979, 'and': 0.021082624586308177, 'In': 0.019292427427360464, 'for': 0.018743300309613905, 'to': 0.018254811868103918, 'on': 0.016506547509373352, 'by': 0.014067175059056563, 'from': 0.01322949912016113}, {'the': 0.352868411998032, 'a': 0.1249051285229313, 'same': 0.09725709160554541, 'this': 0.08031525050390366, 'any': 0.07080758524581814, 'some': 0.06963095011698311, 'that': 0.06369805841260541, 'in': 0.0360288748557298, 'first': 0.030608613800210443}, {'the': 0.620096267241713, 'a': 0.12816459961937193, 'The': 0.06757135383284026, 'his': 0.041852275220127556, 'tho': 0.0308514796300661, 'and': 0.022098712759483163, 'their': 0.016907626914133545, 'its': 0.014289155441890898, 'tbe': 0.011133650230241288}, {'an': 0.5145865550406877, 'the': 0.31984750391166805, 'and': 0.030956804004041102, 'The': 0.022358129434235, 'tho': 0.014686434274950054, 'to': 0.013728219832253256, 'his': 0.01248097963217964, 'their': 0.011844105214347311, 'fair': 0.011577408508535014}, {'the': 0.14796279395845466, 'of': 0.09119749130625364, 'to': 0.08817298109833409, 'and': 0.05297708077965933, 'be': 0.04026601226677944, 'is': 0.029768107068242726, 'was': 0.028420995811944134, 'in': 0.02547146247527403, 'for': 0.022257862260934104}, {'it': 0.2090151370497026, 'It': 0.18126633358745303, 'he': 0.10922746366122695, 'there': 0.1009394758695018, 'I': 0.05780995076979761, 'There': 0.05563909658554907, 'and': 0.03835038666637669, 'which': 0.03626185982998, 'He': 0.03598022042089681}, {'of': 0.2548829727648704, 'deprive': 0.11677862843854817, 'with': 0.09058698031987558, 'to': 0.06537138337170544, 'upon': 0.06466473273974718, 'for': 0.0619380741551147, 'by': 0.05549002222305718, 'make': 0.032486474564171086, 'give': 0.030702736496796543}, {'and': 0.2017854653319529, 'of': 0.16282765571876615, 'for': 0.07513316500061054, 'to': 0.06984767326040323, 'in': 0.052761302895387455, 'do': 0.04868565171008072, 'or': 0.04670593593411167, 'with': 0.044314963521708724, 'the': 0.034534492698562735}, {'and': 0.1300739164700418, 'of': 0.11338306726571885, 'the': 0.10006967208798173, 'to': 0.04490182090285124, 'for': 0.038382640755554025, 'a': 0.037947900437765886, 'that': 0.03541380962215245, 'which': 0.034311969164870115, 'or': 0.03140982652006802}, {'of': 0.15725947013030803, 'and': 0.11266183627145335, 'by': 0.1046120000424418, 'that': 0.08586061700763074, 'to': 0.08179033904613643, 'with': 0.03671965194710318, '<s>': 0.025547773184237465, 'which': 0.02444507657323722, 'for': 0.015657595689287075}, {'have': 0.15640685348626399, 'be': 0.149394665621547, 'had': 0.14404107456751572, 'has': 0.13032826753576424, 'was': 0.08549921452398006, 'and': 0.0604181412212275, 'been': 0.052191413428641656, 'having': 0.030426323003834712, 'were': 0.028941577389242072}, {'of': 0.40604981551258784, 'in': 0.1703963463534497, 'to': 0.08046256278609548, 'from': 0.06805216665148216, 'on': 0.04412966336318732, 'and': 0.043345571128715475, 'In': 0.0414511983403338, 'by': 0.0406157538304525, 'at': 0.0324318336466009}, {'of': 0.2578983908360368, 'in': 0.14798665647490664, 'and': 0.115578916558438, 'with': 0.07184782475201561, 'all': 0.05831299893911987, 'for': 0.05425704161266457, 'to': 0.05364012781272094, 'from': 0.04298638152875291, 'on': 0.04078984661094794}, {'able': 0.06269704197647433, 'and': 0.05691430841659065, 'is': 0.053907376047818194, 'have': 0.05068188778332057, 'him': 0.04788358792811962, 'had': 0.041278948787956175, 'right': 0.03906188901777502, 'enough': 0.038342454991649906, 'willing': 0.03697054181889708}, {'a': 0.3218713629847409, 'the': 0.3054636200026273, 'of': 0.09160449528896253, 'with': 0.05103854077994328, 'this': 0.03862710190650984, 'and': 0.03263263695013494, 'in': 0.03014814204346128, 'A': 0.025669739341567202, 'so': 0.02393970106351759}, {'and': 0.15205353363675841, 'of': 0.07824433491074625, 'to': 0.06548719194343572, 'the': 0.04134945135479612, 'for': 0.03395681052860859, 'in': 0.029765016389736613, 'be': 0.025803523997085877, 'is': 0.0244128518099845, 'that': 0.022451069636537486}, {'and': 0.10251061950563667, 'that': 0.03328077639708167, 'was': 0.02264612566964768, 'them': 0.021241058101673024, 'made': 0.020574045839388714, 'as': 0.020246949513319106, 'it': 0.019426471486389683, 'up': 0.019047476323371205, 'or': 0.018387186936549095}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'Provided,': 0.07415307007187948, 'provided,': 0.03956147068735649, 'probable,': 0.037360676562538685, ';': 0.030588844162882677, 'is,': 0.028270123896861683, 'not,': 0.024451968647585146, 'and': 0.023112461627672068, 'vided,': 0.022921928249305824, 'are,': 0.01746678702004093}, {'would': 0.17779945024720675, 'to': 0.13384596995467807, 'who': 0.09657872772678129, 'they': 0.0801186691780261, 'I': 0.07157673832643867, 'which': 0.06175441121608197, 'must': 0.053300013979569974, 'might': 0.04794046605735594, 'shall': 0.04304524252072327}, {'to': 0.26077996142726395, 'for': 0.11379592889889396, 'of': 0.11105034276970664, 'with': 0.0686093811968558, 'upon': 0.05125876226214677, 'about': 0.04106913447121924, 'told': 0.034945560283619184, 'and': 0.034921481319782385, 'in': 0.031863016671170453}, {'can': 0.16961519097997638, 'to': 0.1555395481503827, 'cannot': 0.1481458468505125, 'not': 0.13320146828842003, 'will': 0.07154923161440253, 'could': 0.06948605098626386, 'may': 0.06643886610288344, 'would': 0.06285237448718299, 'well': 0.05095724093662752}, {'the': 0.41897385312149726, 'The': 0.11637514957567244, 'of': 0.08795208673995172, 'and': 0.07875773891522587, 'our': 0.061525924909471966, 'their': 0.05530078816149268, 'whose': 0.03842081333090246, 'or': 0.03702315603588057, 'these': 0.03445003818493434}, {'the': 0.4882495414536171, 'a': 0.062265946533990195, 'his': 0.05973658056437667, 'of': 0.054277582483078575, 'no': 0.03599909699400536, 'all': 0.03376175820115232, 'their': 0.03224022922500378, 'and': 0.029989676199774207, 'was': 0.025057866068959985}, {'to': 0.16433199145824995, 'of': 0.1298406702084412, 'in': 0.1267941856312486, 'with': 0.09756922136830004, 'is': 0.08518472761459384, 'was': 0.07560704426542413, 'and': 0.06833810072713445, 'for': 0.04606015204446359, 'as': 0.04388380294260215}, {'and': 0.1006793964666551, 'the': 0.06011677517282426, 'a': 0.059689682494182744, 'to': 0.05327288091803374, 'was': 0.04695243729432282, 'of': 0.03648212563610005, 'is': 0.02916553487553475, 'be': 0.02659744452556884, 'will': 0.01697957598726543}, {'and': 0.20517252731263627, 'was': 0.05926655678186522, 'but': 0.047987263614506545, 'that': 0.04029407060917657, 'is': 0.03484345489158973, 'be': 0.02794435501813767, 'or': 0.025594594910300673, 'for': 0.02351697925612565, 'it': 0.02331968987618775}, {'and': 0.10708218380392477, 'the': 0.09344213376288033, 'to': 0.09052222596797427, 'of': 0.08703325686747841, 'or': 0.029597047950100566, 'Mr.': 0.023318788695184632, 'in': 0.021640101303465657, 'at': 0.018739263235453555, 'for': 0.018452644878072525}, {'to': 0.5678480293921271, 'the': 0.06635558960695215, 'will': 0.06593446486622782, 'and': 0.049199127562730025, 'not': 0.04660458250903055, 'would': 0.0451922112307931, 'a': 0.023776702205996182, 'who': 0.02313206103076144, 'in': 0.019504890304311382}, {';': 0.018010233575646215, 'it,': 0.013396392433440372, 'in': 0.011557683248595333, 'them,': 0.01133952227971249, 'it': 0.009279352541606405, 'and': 0.007164819882178259, 'him,': 0.006572407638841538, 'country,': 0.006222380903778626, 'him': 0.0056010535567676415}, {'and': 0.07179026152135726, 'was': 0.06997225500105667, 'be': 0.0687555956202862, 'the': 0.05915047146127806, 'of': 0.0411569931022048, 'were': 0.03782975117879717, 'for': 0.03743687153909605, 'is': 0.036439608467543114, 'are': 0.035086152368749554}, {'is': 0.167212081831529, 'was': 0.14669542129619104, 'and': 0.09828828074179029, 'are': 0.08513901363573721, 'be': 0.0800313531683082, 'not': 0.07679069547397226, 'been': 0.06385773450744973, 'were': 0.03394989451917507, 'or': 0.02905179634348908}, {'of': 0.164727638818751, 'in': 0.11253299895074217, 'was': 0.10265417413798918, 'is': 0.10109873141910389, 'with': 0.09577956252740383, 'to': 0.07709635106845494, 'and': 0.07507858807135692, 'for': 0.0633934550521695, 'as': 0.04906948711113123}, {'the': 0.5481988180704245, 'a': 0.047970598846784486, 'tho': 0.03587599874369881, 'The': 0.031246064435972835, 'of': 0.02533380888953853, 'this': 0.02398355603492488, 'and': 0.023885659929736774, 'whole': 0.013270220519502492, 'tbe': 0.013248565879242526}, {'they': 0.1637090208099875, 'we': 0.09595543160868798, 'who': 0.07884074461960937, 'which': 0.07561856140378113, 'They': 0.05083507865248346, 'and': 0.04897628915099018, 'that': 0.039828206156880486, 'We': 0.039649113669978094, 'you': 0.03098500639639331}, {'a': 0.3706895934262159, 'and': 0.08384782831953849, 'the': 0.07030144349732403, 'as': 0.0686417499407709, 'is': 0.05937242973185336, 'be': 0.05804019633742287, 'was': 0.05699861353445523, 'very': 0.03430716394527066, 'A': 0.03211533412636868}, {'the': 0.43668203538600725, 'their': 0.2764047914006395, 'his': 0.11060686284403799, 'our': 0.037236182125986214, 'her': 0.024843358857794203, 'its': 0.02276128495413411, 'my': 0.02212587280745662, 'your': 0.020653212343170548, 'and': 0.017167094703927976}, {'and': 0.10098084123115443, 'are': 0.09932563931385767, 'was': 0.08299811420380963, 'of': 0.08290465956087986, 'in': 0.07160544467800685, 'is': 0.06916342089494118, 'by': 0.055909301454676735, 'not': 0.055143568762983416, 'were': 0.04392156099519366}, {'to': 0.16139796606284298, 'and': 0.11699673374803286, 'thrown': 0.11192963982068249, 'as': 0.08369691962230744, 'the': 0.06952522592376165, 'be': 0.061795723812535036, 'is': 0.061332547447556104, 'not': 0.05821873694554175, 'an': 0.053501352348534176}, {'one': 0.20044177633608676, 'many': 0.14081449848702865, 'some': 0.1389192931919797, 'most': 0.06272348493069707, 'all': 0.06268546092929618, 'Many': 0.05248414375525803, 'Some': 0.04951615206482931, 'none': 0.04709153534396933, 'any': 0.038581425553860765}, {'as': 0.29387891977470443, 'is': 0.232306875981448, 'was': 0.06911095094364365, 'are': 0.06899690656828376, 'so': 0.06886375864488446, 'be': 0.053314475677661316, 'very': 0.04028532955611898, 'not': 0.03388653607000424, 'Is': 0.033599248326317346}, {'is': 0.22579492183362243, 'was': 0.14800506730970742, 'are': 0.10883273382951117, 'ought': 0.10186325134150917, 'and': 0.052722687503968454, 'were': 0.046298425083212594, 'do': 0.04320987343812688, 'it': 0.03848110165346647, 'Is': 0.03614076980821765}, {'the': 0.6019863560974776, 'The': 0.12222836961519148, 'an': 0.09490026690994208, 'tho': 0.03203121517202788, 'his': 0.031702162430809505, 'and': 0.02350545430285616, 'this': 0.01853425404592754, 'our': 0.013716745508791582, 'my': 0.013229053051518634}, {'to': 0.14725202905521348, 'and': 0.1013770172677398, 'of': 0.05655422207324338, 'the': 0.04377974260988957, 'in': 0.03316989225809315, 'is': 0.027777956639993412, 'I': 0.026394129623984682, 'for': 0.024161795534143545, 'not': 0.02380444508067005}, {'hundred': 0.2502908576097122, 'six': 0.03168329464437964, 'one': 0.023959739066775496, 'seven': 0.01574201642633126, 'dred': 0.015231981470869283, 'eight': 0.015016098953996884, 'two': 0.012948075772696752, 'four': 0.012402313721576902, 'three': 0.010508192259515655}, {'the': 0.15821227495577037, 'and': 0.11752366931656238, 'of': 0.08516712164189216, 'The': 0.038265500375832706, 'that': 0.032432579756374556, 'these': 0.02833555550457424, 'These': 0.026726669763101805, 'in': 0.0257196509850291, 'such': 0.02130320762261513}, {'more': 0.2574810338604765, 'less': 0.08476282045760912, 'better': 0.08085249652306783, 'rather': 0.08074179155698713, 'other': 0.058736656345096984, 'worse': 0.02950713688421584, 'greater': 0.02657475173562638, 'and': 0.020053156291201333, 'larger': 0.019614620761109786}, {'the': 0.3469141277949034, 'a': 0.30201619960628345, 'his': 0.08839674468758026, 'The': 0.038437356185003, 'my': 0.030267268767879375, 'other': 0.02313837673515768, 'any': 0.02196828036021429, 'tho': 0.021263745290909776, 'and': 0.020882940738220036}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'it': 0.17271748135885118, 'It': 0.1634701665927948, 'This': 0.114649717168125, 'which': 0.07060569815304507, 'that': 0.06206066835803908, 'this': 0.05595527987103594, 'and': 0.040139838520179334, 'there': 0.03647213271263341, 'he': 0.02983275606289565}, {'the': 0.359639047221898, 'of': 0.1094545688637636, 'and': 0.07506292642699806, 'a': 0.06763821358977008, 'his': 0.03359017506083661, 'to': 0.0334585819122841, 'this': 0.03212890046329239, 'in': 0.0317686773998395, 'said': 0.026375767131627342}, {'him.': 0.053394835044721124, 'it.': 0.023502519311466928, '<s>': 0.02107148034406916, 'man.': 0.013188320543182966, 'them.': 0.012699266093863994, 'himself.': 0.011332352363245495, 'time.': 0.010966850410015817, 'years.': 0.010433009940680936, 'her.': 0.010204497918466346}, {'able': 0.07448177217836464, 'and': 0.0649349463004022, 'sufficient': 0.05972253392575536, 'necessary': 0.05819873505544137, 'enough': 0.052059444872374426, 'willing': 0.04741444280168249, 'as': 0.04598872872829022, 'order': 0.045163751144425925, 'have': 0.04499174592559845}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'be': 0.2012139914411361, 'are': 0.11677378537826659, 'been': 0.10787937350101101, 'is': 0.09262860650405923, 'was': 0.08165153490247459, 'and': 0.05814482548608963, 'were': 0.05251715894008211, 'all': 0.033557436459522604, 'of': 0.030241863060934758}, {'of': 0.22990805059736333, 'in': 0.12119269960977122, 'to': 0.11800577210868793, 'with': 0.0572471524327589, 'and': 0.054568750664283044, 'for': 0.0505762532922781, 'on': 0.04142891057232453, 'from': 0.03773053315379064, 'by': 0.03576729606923608}, {'of': 0.13949260960806947, 'in': 0.13879369261370758, 'to': 0.09076644028592482, 'and': 0.08370128392303688, 'the': 0.047388255897651874, 'for': 0.045000971340250204, 'In': 0.0422288462133121, 'with': 0.03149225650229181, 'or': 0.030294674273127212}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.11061498948106775, 'sell': 0.044048294947494376, 'sold': 0.03824790314523445, 'that': 0.03332381573722783, 'held': 0.022366892789720046, 'was': 0.02221194658685416, 'sale': 0.02133882223402694, 'the': 0.020625387833805228, 'out': 0.019666603464384303}, {'I': 0.40099109558989093, 'to': 0.1127528073822119, 'we': 0.0961679512372885, 'not': 0.09147842625011302, 'you': 0.07092308651461054, 'We': 0.04583244646253075, 'they': 0.042704005863203415, 'and': 0.04246676767929476, 'would': 0.039962513738026936}, {'be': 0.1085401462584638, 'de-': 0.10642069189701787, 'I': 0.10519611758812095, 'was': 0.10045982055565389, 'and': 0.08116070371992172, 'who': 0.06230067931950429, 'have': 0.05727178956468711, 'he': 0.05666060559369678, 'had': 0.04187004449565669}, {'of': 0.30914515811559584, 'that': 0.09575275601172245, 'and': 0.0942698377926241, 'to': 0.085474720940393, 'in': 0.06553150372429116, 'for': 0.059627668393598246, 'by': 0.05854032310926947, 'with': 0.047296455184371575, 'at': 0.02920669515234602}, {'the': 0.14923412580842832, 'and': 0.09855621917216947, 'of': 0.09004658770209496, 'to': 0.05562405806492098, 'a': 0.055568691605149045, 'is': 0.044577355538436954, 'was': 0.04114382128617439, 'be': 0.03724812134986021, 'are': 0.03023796558019246}, {'of': 0.3007802513530213, 'to': 0.12598838138061488, 'in': 0.08686313664693475, 'with': 0.07573307715771573, 'and': 0.07391034327513854, 'by': 0.06563243494901654, 'for': 0.06403573180014033, 'at': 0.04181535327135182, 'on': 0.04082573554507291}, {'have': 0.1503432084663715, 'had': 0.1352625681284282, 'has': 0.13303396177897608, 'was': 0.10988673702088035, 'and': 0.08964027605370344, 'been': 0.08694972601178477, 'be': 0.0754501485291266, 'not': 0.051418358600006854, 'or': 0.0467872914061301}, {'the': 0.6707446623992968, 'The': 0.07891390456554272, 'tho': 0.04279026242494243, 'and': 0.026511128596287535, 'tbe': 0.018166138563769422, 'of': 0.01805964494581797, 'his': 0.016000497390690954, 'in': 0.012528975289335637, 'I': 0.011067884367504766}, {'the': 0.15606672050340378, 'and': 0.11585714055280322, 'of': 0.0915815090338513, 'a': 0.06874322505424472, 'to': 0.0546787602535922, 'in': 0.03423579725827704, 'Mr.': 0.030186782849640253, 'I': 0.023322931675262754, 'or': 0.02180671120445367}, {'and': 0.07891646159386653, 'a': 0.07141594501627878, 'that': 0.0588991637073472, 'the': 0.024731565579247914, 'for': 0.019003900918725142, 'worth': 0.017024203033869756, 'which,': 0.01606674594533989, 'but': 0.015552509859581615, 'and,': 0.013536921872498045}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.10948227127057156, 'be': 0.04924944310878758, 'was': 0.045360277805763106, 'is': 0.03346009126369656, 'been': 0.033046324373335934, 'put': 0.03277112095724249, 'feet': 0.031010417142456465, 'are': 0.03053816893973316, 'engaged': 0.03001595333973866}, {'the': 0.07775146779106554, 'of': 0.07486169235803201, 'and': 0.07284502585439993, 'be': 0.0700633310288511, 'to': 0.057152906617358765, 'was': 0.05422264574812728, 'is': 0.0393486128104282, 'or': 0.02833358702763867, 'are': 0.028012011078177086}, {'the': 0.14854626231861712, 'and': 0.13339905839900376, 'of': 0.11883007992165391, 'to': 0.07104893951419672, 'a': 0.047046114260559664, 'in': 0.044692920375708226, 'for': 0.027328395955726656, 'is': 0.016686598949264574, 'Mr.': 0.016343045727076788}, {'made': 0.07405263495470836, 'and': 0.07226263712204001, 'or': 0.036979932970028676, 'it': 0.0226757913919541, 'paid': 0.020835510581223966, 'accompanied': 0.020830511866407785, 'that': 0.01948872672563788, 'ed': 0.019159946237797064, 'done': 0.018604225718287338}, {'a': 0.6760173769351877, 'of': 0.049554480418613496, 'in': 0.049553243062145466, 'the': 0.03810479015472686, 'A': 0.035890433038886276, 'very': 0.03373708753996265, 'some': 0.03114565708831532, 'no': 0.018559700722662265, 'and': 0.01826849937334557}, {'have': 0.20998911346909513, 'had': 0.1678813787851642, 'has': 0.16294676772992633, 'and': 0.08145628302907947, 'he': 0.04585142760097964, 'was': 0.044685647272401346, 'to': 0.038631382040276344, 'is': 0.030804221877524227, 'been': 0.0283507531475673}, {'that': 0.18381039681493958, 'and': 0.11564604113198634, 'as': 0.11009336612076126, 'which': 0.10299479430294271, 'when': 0.09660314976883942, 'what': 0.056730442537037094, 'to': 0.042143362165979484, 'but': 0.041439025757302565, 'if': 0.03715650212824226}, {'with-': 0.22667283607761632, 'sent': 0.08427271261338594, 'went': 0.0766310251928925, 'carry': 0.06368765504289485, 'go': 0.059152494612692064, 'and': 0.051905183787420005, 'brought': 0.0421270916029664, 'it': 0.04110606481383451, 'carried': 0.03554998020988919}, {'the': 0.4800406573010606, 'a': 0.1122128373429428, 'said': 0.05794786643484224, 'of': 0.0510696674075127, 'this': 0.036775150684938106, 'The': 0.03171354004834857, 'national': 0.024413069413520117, 'state': 0.024410602680354162, 'tho': 0.023944347068322998}, {'and': 0.07527541885665909, 'as': 0.06424679700628057, 'referred': 0.04010186326541596, 'according': 0.02681291470154796, 'him': 0.02634013382420503, 'them': 0.024974096477162627, 'regard': 0.02453128476331428, 'up': 0.024083308565727882, 'back': 0.02243682784199857}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'as': 0.2541598372282026, 'of': 0.10139397025856171, 'to': 0.09887547788200965, 'and': 0.08132014089266848, 'so': 0.06976012052309523, 'such': 0.05732689170956497, 'in': 0.0545300103615614, 'not': 0.04268088503410464, 'by': 0.027768714323186693}, {'of': 0.1995807393342281, 'in': 0.17554724952976825, 'on': 0.1719655460126472, 'the': 0.10408386136055711, 'to': 0.05233890694762301, 'and': 0.0485511320318524, 'In': 0.048066364021543184, 'at': 0.04541823870362662, 'from': 0.018353102072604592}, {'and': 0.11466261124671324, 'was': 0.04183008781999923, 'held': 0.03556966805171333, 'Beginning': 0.02896819071614559, 'is': 0.02752856476682257, 'look': 0.026279900325162895, 'arrived': 0.02597799389057782, 'that': 0.025271294744426742, 'interest': 0.023893646310221173}, {'in': 0.30484014499522805, 'of': 0.2044897744259943, 'the': 0.10450618343668505, 'In': 0.06109488974507622, 'their': 0.039607212971027, 'to': 0.028893242137825778, 'his': 0.027528468773972296, 'and': 0.026064859387599584, 'its': 0.023120094347437597}, {'was': 0.16384716062450685, 'be': 0.15822609568201088, 'been': 0.12425287862043163, 'have': 0.08536247486622718, 'were': 0.07051206149694661, 'and': 0.060113905422125365, 'has': 0.0492034576013227, 'are': 0.04774832419081751, 'had': 0.044001317704083276}, {'is': 0.2174529879896057, 'and': 0.15232969149087952, 'was': 0.10725490169307356, 'are': 0.09798269497670323, 'be': 0.08445553892137164, 'not': 0.07350687689784276, 'have': 0.04905288549102204, 'but': 0.04465751007209175, 'were': 0.03653328981912654}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'the': 0.5816125098011395, 'of': 0.07665147968533871, 'a': 0.04945096870550897, 'tho': 0.039351262967668596, 'this': 0.03415690659645539, 'their': 0.032060671896291165, 'The': 0.030165084322218143, 'and': 0.025915749228144054, 'our': 0.024736839350242124}, {'it': 0.23391290710508142, 'he': 0.16267157043453945, 'It': 0.13506896522584164, 'and': 0.06580033426068034, 'who': 0.043057630964454634, 'He': 0.042766559657236906, 'that': 0.03773438049325313, 'she': 0.030471560723719336, 'which': 0.02922868675202688}, {'and': 0.10675323114075445, 'held': 0.039615059557600446, 'Beginning': 0.031112091017807268, 'arrived': 0.029233792387696553, 'was': 0.0289508161707308, 'made': 0.027433917960054236, 'look': 0.023498224364542044, 'is': 0.021546883487830095, 'up': 0.02104965861048466}, {'Mrs.': 0.1450570170240693, 'of': 0.11855093960934943, 'and': 0.09392918695349305, 'Mr.': 0.07134843154428636, 'to': 0.03877333265164114, 'by': 0.026835264710700562, '<s>': 0.020564862381598725, 'Dr.': 0.01879425938872924, 'said': 0.012958770168138478}, {'the': 0.3176788207621111, 'of': 0.09753081081266038, 'a': 0.09026908897427458, 'and': 0.05223305974696094, 'in': 0.04176510151651922, 'to': 0.03146041188296842, 'The': 0.026827800977622718, 'tho': 0.023003295311820673, 'an': 0.019851898092337592}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'in': 0.14411866456517713, 'of': 0.11176434547254037, 'the': 0.08442118893046849, 'and': 0.06373154682518639, 'for': 0.054333716349069784, 'a': 0.03770631626163843, 'to': 0.036625992661016515, 'In': 0.03395800652509744, 'was': 0.019670084903815784}, {'part': 0.054171327453050845, 'one': 0.044075430459610855, 'out': 0.034843643868632986, 'side': 0.02308105024166887, 'that': 0.0221127105374085, 'some': 0.020602863065736155, 'end': 0.018207468701855592, 'members': 0.01809229430962648, 'portion': 0.015874572366495178}, {'the': 0.6446804118564051, 'The': 0.06577670687557141, 'and': 0.046057017283740675, 'assessed': 0.04329530188952176, 'par': 0.04204507948780465, 'tho': 0.03135305026054423, 'in': 0.02416149507375998, 'of': 0.022271820675248293, 'a': 0.022042147721927894}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.3913594328511045, 'this': 0.16728561948180398, 'and': 0.09992483744924856, 'to': 0.06232018649981611, 'a': 0.0499499854116084, 'that': 0.044049080007845264, 'The': 0.0362142080659772, 'will': 0.029763804675010788, 'of': 0.02877125174129358}, {'of': 0.3659464412652877, 'to': 0.1156059359053216, 'in': 0.09216756035079744, 'on': 0.06467502744150529, 'and': 0.06386446749791878, 'by': 0.062048190487687976, 'that': 0.06068155772210468, 'from': 0.04637971645710474, 'with': 0.027237617561130512}, {'and': 0.11688733579682299, 'was': 0.06500890083756004, 'is': 0.046324142833373445, 'up': 0.030773113555138693, 'it': 0.02991201168220065, 'made': 0.02633708248672102, 'put': 0.02603131450301969, 'placed': 0.025678045752279336, 'that': 0.024799280543645462}, {'of': 0.27950357000806364, 'in': 0.116307979458179, 'to': 0.11041546243683996, 'that': 0.10025779780520148, 'and': 0.08724592925965106, 'by': 0.06316092772954864, 'from': 0.0470054839993087, 'with': 0.042543750307027, 'for': 0.03904009065999413}, {'of': 0.3496831355406399, 'on': 0.12135744733203534, 'to': 0.10947834640696602, 'in': 0.0816756415064981, 'from': 0.0593791086387281, 'by': 0.05519933741101878, 'and': 0.03543556723580114, 'at': 0.02823576138586117, 'that': 0.027400032243874203}, {'not': 0.4008977801836307, 'is': 0.1169131904139303, 'was': 0.09498215697630408, 'and': 0.04759430671301169, 'are': 0.04687517233502109, 'the': 0.031710715654147924, 'be': 0.028868232903117724, 'were': 0.027415979985567277, 'had': 0.020166078471346424}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'I': 0.23027369158782124, 'we': 0.13434176674773166, 'he': 0.13193781960156994, 'they': 0.08480324377306653, 'you': 0.08034814222822813, 'it': 0.06660512979538635, 'We': 0.039032811873638634, 'she': 0.0368559695931312, 'and': 0.030530609333307673}, {'was': 0.1594109173447047, 'as': 0.14906372079916963, 'has': 0.11997656116817264, 'is': 0.11462682767491952, 'have': 0.09177289273448289, 'be': 0.08494530594470456, 'and': 0.07008994624460518, 'had': 0.05845807172390501, 'been': 0.049132910652531926}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'a': 0.48511899085423177, 'the': 0.13098778113298992, 'of': 0.10143284342567374, 'very': 0.041764129160692796, 'and': 0.03637704549627247, 'in': 0.03458791375025317, 'A': 0.030042671572104867, 'with': 0.020402765019637385, 'some': 0.017369467641698454}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'It': 0.1642904654549422, 'which': 0.1042974507248305, 'it': 0.09273332971022019, 'There': 0.07919912819026657, 'he': 0.05831959528456234, 'He': 0.054378551989533695, 'there': 0.037077403227322954, 'that': 0.03616552408721507, 'and': 0.03437681143024779}, {'the': 0.4646829258767314, 'this': 0.12135816456133348, 'his': 0.10010298557974008, 'any': 0.05824426974274146, 'a': 0.051461651539546, 'that': 0.04756723906579537, 'her': 0.03780620334972219, 'their': 0.03367815123369836, 'some': 0.031176359069270392}, {'the': 0.18289429150698241, 'of': 0.09583037302823387, 'and': 0.06400632936932378, 'that': 0.04930196989890865, 'a': 0.03781677781453863, 'or': 0.037797462610266945, 'Mr.': 0.030446628916311495, 'in': 0.028692393339057425, 'The': 0.026264515323213364}, {'a': 0.517892623746219, 'to': 0.13761802268064943, 'his': 0.06706831604092314, 'the': 0.05641701646429682, 'will': 0.03277510192758319, 'not': 0.024318204405939778, 'no': 0.020539218762077295, 'their': 0.019769983888093496, 'would': 0.0183919344868721}, {'of': 0.23859411173483572, 'in': 0.12159171412009945, 'to': 0.07671476931713399, 'with': 0.04987459808513055, 'a': 0.04248489992593611, 'and': 0.035598777575995846, 'by': 0.032447331328373845, 'In': 0.0314632881665566, 'from': 0.031094847392943492}, {'the': 0.24220781309776998, 'his': 0.1237542097562269, 'deaf': 0.07967560752737349, 'a': 0.07278289684541284, 'an': 0.05394477296390656, 'their': 0.051650992377269604, 'and': 0.04129281407429053, 'any': 0.039402886920942445, 'no': 0.03354206999162247}, {'of': 0.22435169612517922, 'in': 0.1383487251863224, 'or': 0.11650473339696293, 'to': 0.11495603858763027, 'for': 0.08696155676071023, 'by': 0.07947672853813319, 'with': 0.05923928674918954, 'than': 0.05668580495890882, 'without': 0.05288013718315009}, {'of': 0.1296349052430787, 'his': 0.1176123384695264, 'to': 0.09413242758934652, 'their': 0.0772022562478357, 'and': 0.06670479275488278, 'the': 0.06272601837653634, 'on': 0.05624587087221732, 'for': 0.05092788410429767, 'in': 0.0483175223613467}, {'and': 0.09688499738784166, 'was': 0.051529659568045755, 'is': 0.03834669165308989, 'that': 0.033537134520349676, 'be': 0.02965098215218628, 'it': 0.025546658314209755, 'made': 0.020749470099494207, 'are': 0.02002578591137237, 'been': 0.01913364920454941}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'for': 0.2280519672570183, 'during': 0.18167489207037635, 'of': 0.13665288725867342, 'at': 0.10770056934425694, 'in': 0.1010770415475804, 'to': 0.08895292143253723, 'that': 0.03279812259162534, 'In': 0.029856591874903634, 'by': 0.028469412563631676}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'one': 0.12897392021378185, 'out': 0.07664784689118985, 'part': 0.06409373140028574, 'some': 0.05584305533119319, 'time': 0.03914926290286854, 'account': 0.035845171248451206, 'all': 0.032057463924492914, 'and': 0.027873419781873014, 'that': 0.02728087135118937}, {'the': 0.06191003182967679, 'of': 0.04313737201340029, 'and': 0.03171577563154461, 'a': 0.026209646287794017, 'an': 0.024703602949476842, '-': 0.024477486621183726, 'i': 0.023278590175157755, '.': 0.02082952790152722, 'to': 0.020171601196956913}, {'and': 0.11688733579682299, 'was': 0.06500890083756004, 'is': 0.046324142833373445, 'up': 0.030773113555138693, 'it': 0.02991201168220065, 'made': 0.02633708248672102, 'put': 0.02603131450301969, 'placed': 0.025678045752279336, 'that': 0.024799280543645462}, {'a': 0.6225810042804552, 'the': 0.0937085603392747, 'to': 0.045116331519777245, 'his': 0.030325585021716697, 'no': 0.017849400769625073, 'and': 0.015896645209684854, 'A': 0.014546891946577495, 'in': 0.014147481901103563, 'or': 0.012493804088249846}, {'the': 0.16325812837928788, 'of': 0.12056139283655817, 'a': 0.09884019314541816, 'and': 0.06543447494741647, 'to': 0.06406680809649126, 'at': 0.051195782034557255, 'in': 0.04385230536558528, 'that': 0.029413403973808375, 'an': 0.028527946540141347}, {'time': 0.013046281759891764, 'up': 0.012556332617607269, 'him': 0.011315144726042259, 'him,': 0.011039324023913841, 'it,': 0.010927509014048927, ';': 0.010538608978967155, 'day': 0.010242083070624448, 'years,': 0.009601316466837635, 'night': 0.009597476564366752}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.24699271544810802, 'half': 0.15802202407778804, 'for': 0.11803941344672413, 'in': 0.09760662305134644, 'and': 0.05792767345635996, 'about': 0.055213395218850145, 'as': 0.050639412677531505, 'to': 0.040886846371447426, 'cents': 0.03954405699193154}, {'of': 0.22508747093513828, 'and': 0.15109403200989646, 'in': 0.12932344739057497, 'to': 0.10322121063883989, 'with': 0.08533151356989, 'for': 0.07041861526423333, 'that': 0.03570402072707672, 'from': 0.029062414007769998, 'by': 0.02834663753997523}, {'the': 0.27624631168106695, 'of': 0.11614767513034875, 'a': 0.07575242128516911, 'and': 0.0733864679860722, 'in': 0.052479335469019714, 'an': 0.032872797814687944, 'to': 0.02824022672927764, 'on': 0.02164602894064236, 'with': 0.01993221211113642}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'the': 0.6140530735653229, 'The': 0.05209871082774957, 'Assistant': 0.04727506593855015, 'and': 0.039011022863227926, 'tho': 0.033571895193906395, 'by': 0.03038522357612598, 'of': 0.021912846369536974, 'tbe': 0.015771033154578777, 'in': 0.010018148984608304}, {'one': 0.016205199953911776, 'more': 0.014850368963924498, 'on': 0.011077444877729834, 'day': 0.010651749053865015, 'two': 0.010644879159957422, 'person': 0.007819629515499037, 'in': 0.007673885993340908, 'man': 0.007480463731075341, 'law': 0.0064657706989891236}, {'and': 0.13287075130882722, 'of': 0.1076409323738603, 'the': 0.0841480886724914, 'to': 0.0674193026900052, 'a': 0.047741087381848, 'for': 0.026693856906019928, 'more': 0.025518309014056797, 'with': 0.022983251686012108, 'that': 0.022326057056830138}, {'was': 0.3995914838645405, 'be': 0.15963401319984716, 'been': 0.12440218240056994, 'were': 0.08355863797902731, 'is': 0.053223756444290456, 'and': 0.042436148441407404, 'being': 0.03173775106835216, 'are': 0.030440387430016324, 'bo': 0.012366383246745459}, {'of': 0.42122869611818464, 'to': 0.09580600397410172, 'on': 0.09341235496847786, 'in': 0.0901283962152658, 'and': 0.044767381765214144, 'by': 0.041356846218151604, 'that': 0.03934756077487409, 'from': 0.030485420048730255, 'for': 0.02899402473284187}, {'.': 0.017149520503855757, '-': 0.017065408421555732, 'the': 0.013256066272685704, 'and': 0.012548047834704697, 'a': 0.012102357857485264, 'of': 0.01057601772178252, 're-': 0.010553543686939181, 'to': 0.009633765994345895, '<s>': 0.0070860878118931105}, {'and': 0.13549808845574565, 'of': 0.09135624460951725, 'the': 0.08869150061377606, 'to': 0.055951781006862406, 'a': 0.02964610069845883, 'or': 0.027080913992227458, 'in': 0.0247866658759956, 'be': 0.024384933915726745, 'for': 0.02143444498797334}, {'of': 0.39037869363352373, 'in': 0.17733903272541796, 'to': 0.06315044911666337, 'for': 0.056465561504788014, 'that': 0.05500039493135058, 'In': 0.05178739972832216, 'from': 0.046014480858485064, 'and': 0.03630682399499581, 'with': 0.03448687318279609}, {'is': 0.2622562587555059, 'was': 0.19568971279613584, 'be': 0.1477771835757046, 'and': 0.08006514426901824, 'are': 0.07539169879730907, 'Is': 0.047068874825294586, 'been': 0.04532021274112989, 'he': 0.040710471637337695, 'were': 0.03503253883078884}, {'of': 0.1722591852037282, 'in': 0.16051578849007095, 'the': 0.09134394758107726, 'to': 0.045997456372210296, 'and': 0.04312454879665206, 'In': 0.038156727456172275, 'for': 0.03344927982014944, 'a': 0.03326278915782484, 'with': 0.01833073029979072}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.21169133891071396, 'of': 0.1287921359171812, 'and': 0.10813188114135568, 'to': 0.050849660978753805, 'in': 0.048176601381135616, 'at': 0.03382605764023553, 'a': 0.02680879660583396, 'for': 0.023551988260507882, 'or': 0.021714252796914045}, {'the': 0.21239924031039314, 'a': 0.1352243133153106, 'of': 0.12008350328593176, 'in': 0.05884953095704625, 'and': 0.027097432014615435, 'at': 0.0192460147468549, 'for': 0.016939053192134717, 'The': 0.014494444340040174, 'to': 0.013746469153264655}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'and': 0.11452215755892058, 'well': 0.07481411183740515, 'regarded': 0.044520915474994587, 'him': 0.03786628897047342, 'known': 0.037459800295165345, 'soon': 0.03254924246086493, 'it': 0.03161827225121157, 'is': 0.029389233671880267, 'but': 0.028735635031666464}, {'it,': 0.02281355753587633, ';': 0.022807058058885058, 'in': 0.019925060206721017, 'him': 0.018523756496010436, 'him,': 0.016686120557650754, 'it': 0.01486867215953989, 'me': 0.013566740527415666, 'me,': 0.012765330811529538, 'them,': 0.012153211850091168}, {'it': 0.17271748135885118, 'It': 0.1634701665927948, 'This': 0.114649717168125, 'which': 0.07060569815304507, 'that': 0.06206066835803908, 'this': 0.05595527987103594, 'and': 0.040139838520179334, 'there': 0.03647213271263341, 'he': 0.02983275606289565}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.49436374118170867, 'a': 0.13399782923660222, 'of': 0.0676815187553921, 'this': 0.04022958470391865, 'other': 0.03812901868084981, 'The': 0.029575108765311952, 'tho': 0.02741506867769271, 'his': 0.017701043611383232, 'new': 0.01524522313471488}, {'the': 0.13985988047371956, 'and': 0.08175709864112966, 'of': 0.07390566269000735, 'that': 0.05660966544454627, 'in': 0.032016112182027, 'The': 0.02166605758917495, 'which': 0.02068240182310983, 'a': 0.018788904687289408, 'Mr.': 0.01850030021487356}, {'the': 0.6122252701184707, 'of': 0.10382299150672836, 'our': 0.052045184135659804, 'tho': 0.03211589999907056, 'on': 0.029047580562507558, 'this': 0.027037600055877416, 'national': 0.026498529225483434, 'their': 0.023805224835698253, 'general': 0.019128272650561037}, {'of': 0.13252983835311632, 'the': 0.10702475169961918, 'in': 0.09700980114118452, 'to': 0.08458024531794024, 'and': 0.0820264300488674, 'a': 0.0538784088272802, 'for': 0.02855049117285928, 'from': 0.02686696071872401, 'In': 0.025526371411249964}, {'of': 0.3742502086810666, 'to': 0.10434443715686084, 'in': 0.09383023958429841, 'that': 0.07840784046862392, 'and': 0.0695810622458597, 'for': 0.061448470005302805, 'by': 0.043900950341001846, 'on': 0.04311527620846422, 'from': 0.03506601231432658}, {'and': 0.20849530517230924, 'as': 0.10303189219852493, 'that': 0.08979937224610578, 'but': 0.026783530480193597, 'or': 0.025610661397289222, 'But': 0.013802181775637664, 'even': 0.013001319786593444, 'which,': 0.012553961110688369, 'And': 0.012537203968901798}, {'of': 0.2473603366561351, 'to': 0.24227569084782352, 'in': 0.08070011775349573, 'by': 0.07398060267341657, 'from': 0.05804270050003435, 'and': 0.0572482926074213, 'with': 0.0331562158300893, 'at': 0.030103951355704785, 'In': 0.028308933952589026}, {'<s>': 0.04426520503283595, 'them.': 0.035822305981760026, 'it.': 0.032688255460050886, 'him.': 0.020705961708129602, 'day.': 0.011473680490638911, 'time.': 0.010925379082958136, 'said:': 0.010770653823077386, 'us.': 0.010590608208972112, 'life.': 0.010363763608951868}, {'is': 0.09571982267959121, 'and': 0.0905525023666503, 'able': 0.056164318126219276, 'not': 0.05260071512054243, 'enough': 0.05141412111090753, 'was': 0.049776423788362084, 'necessary': 0.04318617258604331, 'as': 0.0421793495094768, 'began': 0.04023093104428231}, {'and': 0.12769508704056487, 'the': 0.08543403107917841, 'to': 0.0568584987261879, 'will': 0.037757616625203445, 'a': 0.03255853735425483, 'I': 0.027489920587621078, 'of': 0.026577756590367273, 'that': 0.025159277413779414, 'would': 0.023920817470895528}, {'they': 0.14818075615704576, 'who': 0.07841451691955799, 'we': 0.07467896878562208, 'which': 0.05379438896985445, 'They': 0.044147064584193846, 'and': 0.041563563983434276, 'you': 0.03879162194259841, 'We': 0.03144243084665844, 'that': 0.029563817375715798}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {'the': 0.47678984461190044, 'and': 0.0936013629860285, 'a': 0.08409264733193746, 'The': 0.05048662190948849, 'in': 0.04337607823605072, 'tho': 0.036172089492779724, 'an': 0.03455405998876013, 'or': 0.03362234260511629, 'all': 0.031589748942524365}, {'the': 0.43643098091433646, 'of': 0.23984934846407113, 'in': 0.09324426717941584, 'his': 0.037249443735053095, 'In': 0.02489394820173434, 'a': 0.024523306404064898, 'this': 0.020642785158760127, 'The': 0.020521415682903724, 'that': 0.012940713791230267}, {'was': 0.2081520714508305, 'is': 0.1623390698297383, 'are': 0.13310533147467005, 'been': 0.11588458783082879, 'be': 0.10524941024983937, 'not': 0.052936916304141525, 'were': 0.05131151402118816, 'and': 0.03986949147350129, 'have': 0.032445087715660556}, {'and': 0.13192910246568557, 'to': 0.08951692216259705, 'the': 0.07295804851355714, 'be': 0.06457471250109315, 'was': 0.06216098013763433, 'of': 0.059573846839053174, 'is': 0.05132473983340936, 'a': 0.03839906504993178, 'are': 0.02792105972757064}, {'the': 0.7606115834656435, 'of': 0.07644519636578756, 'tho': 0.02262865893529944, 'this': 0.02113110223770029, 'to': 0.018991888786093373, 'their': 0.0164588341519476, 'our': 0.01402410773905132, 'tbe': 0.011651831656514084, 'said': 0.011158855903847544}, {'the': 0.376068811612356, 'of': 0.08748163173895981, 'and': 0.07748121058493834, 'a': 0.06891790766718328, 'in': 0.06668304245628917, 'their': 0.04811967066746471, 'his': 0.04131839343118641, 'this': 0.03301730720064372, 'any': 0.02829275580399789}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'was': 0.19832911813566398, 'and': 0.15556243740041298, 'is': 0.15237725051330578, 'of': 0.05464954539743568, 'are': 0.048914382485929477, 'in': 0.04364012341661287, 'were': 0.042662847973867976, 'be': 0.04075579998159779, 'not': 0.03485585185927907}, {'of': 0.25919962403789365, 'to': 0.17843606144910112, 'the': 0.1317730246396274, 'in': 0.08489375331478116, 'and': 0.060419680963971774, 'their': 0.053444393995391686, 'all': 0.041777949382873325, 'his': 0.037750120120902286, 'for': 0.02972469396513963}, {'be': 0.21900183209668114, 'was': 0.17298059522098808, 'is': 0.12528569494271277, 'been': 0.1079400650162836, 'are': 0.07444955553240663, 'were': 0.048600634276451296, 'and': 0.04687505326048703, 'being': 0.03675432347924494, 'not': 0.0357059308260529}, {'the': 0.15995610492909795, 'of': 0.08975731831414183, 'and': 0.08723535373393551, 'to': 0.048504837779401296, 'a': 0.04295842003084686, 'in': 0.027153276459219434, 'be': 0.0194709434073374, 'his': 0.01797141192421674, 'or': 0.017280069120522885}, {'and': 0.04597695011566611, 'known': 0.026619325754842695, 'day': 0.018827258420160985, 'it': 0.01723389348136106, 'time': 0.016547171437505493, 'that': 0.012092161972555807, 'was': 0.01123292733063473, 'well': 0.00994285304462241, 'up': 0.009444349037401524}, {'the': 0.6742345980019583, 'an': 0.07105680900604108, 'The': 0.06677182260295698, 'a': 0.045231747825047824, 'tho': 0.03810824381820651, 'and': 0.01890495310059638, 'large': 0.01597050710513215, 'tbe': 0.015145111678142285, 'great': 0.014100419930768522}, {'and': 0.18179518364114985, 'of': 0.14373640108534194, 'fact': 0.06936554272076394, 'in': 0.053854436477758, 'to': 0.05335770724003365, 'on': 0.04876881882329791, 'at': 0.04651685463159018, 'from': 0.03810253634039687, 'said': 0.03801508915299434}, {'it': 0.12725943551072819, 'and': 0.10587330029868271, 'we': 0.1048553070241032, 'I': 0.07740410137687934, 'he': 0.07498939805984683, 'who': 0.06999736644043125, 'which': 0.06772335313514206, 'they': 0.06278969198747836, 'It': 0.048579130100162245}, {'the': 0.33300834347085567, 'of': 0.20739345517899405, 'and': 0.06374375816962012, 'for': 0.05850997446910039, 'no': 0.047834633853778175, 'more': 0.043756128395497675, 'lawful': 0.04119547869209381, 'purchase': 0.036089516382061974, 'their': 0.03552534000232373}, {'a': 0.33356019699396755, 'the': 0.2614055746041423, 'every': 0.04871117693484806, 'this': 0.0418085349360945, 'one': 0.03783928400010886, 'next': 0.031967562947651434, 'per': 0.030924621962341307, 'any': 0.022698357466125182, 'that': 0.021568095516110972}, {'the': 0.19059303088053314, 'of': 0.13454586831644186, 'and': 0.08971405211524185, 'a': 0.04016980386853741, 'to': 0.03527342860621441, 'or': 0.01972928141542988, 'be': 0.0171497340504592, 'at': 0.01393312132733962, 'in': 0.013533695270082736}, {'and': 0.4280003934281202, 'by': 0.033495013514263455, 'of': 0.02871868402795632, 'that': 0.026818097660925366, 'to': 0.018336348802582003, '<s>': 0.012020102980631829, 'sister,': 0.009227254516712885, 'as': 0.008312360020161466, 'from': 0.007053084750648188}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.24379933964528872, 'to': 0.1938723129885261, 'in': 0.1046675728633679, 'of': 0.07015955848990678, 'and': 0.06512984629848184, 'a': 0.059329678381867014, 'their': 0.050127389135443096, 'his': 0.04163227266842879, 'its': 0.0393107689097863}, {'of': 0.2409153400279071, 'the': 0.10966837769001878, 'in': 0.09748479979230776, 'and': 0.06164223755535414, 'to': 0.048824167823678696, 'for': 0.02743298529242385, 'from': 0.024991849488595255, 'In': 0.024160304876296095, 'by': 0.021858294836877123}, {'the': 0.26422665817371405, 'this': 0.23337233852961173, 'his': 0.07446294279009213, 'that': 0.056204609514936416, 'first': 0.048727410470836945, 'same': 0.03930515143551873, 'taken': 0.03330978935206605, 'on': 0.0316399817305141, 'took': 0.029902593445518464}, {'the': 0.2625155412447411, '.': 0.04473416636118359, 'and': 0.03367612717333851, 'Mr.': 0.02552169436811132, 'of': 0.021077804072142232, 'The': 0.01749242877819234, 'in': 0.017329142274837617, 'a': 0.014885784310152467, '<s>': 0.014805577326697551}, {'the': 0.5521564353308606, 'tho': 0.03563745592577949, 'Missouri': 0.0291826496696064, 'Mississippi': 0.027602136811219986, 'this': 0.01867899713496299, 'Potomac': 0.01855472522526894, 'of': 0.018147943816388595, 'The': 0.016320312063818503, 'tbe': 0.014915995106008134}, {'to': 0.5334677538072005, 'would': 0.09957557031549827, 'will': 0.08587754258137172, 'and': 0.04812924125218722, 'may': 0.046973363191430875, 'should': 0.03439337283529752, 'must': 0.032175879447720754, 'shall': 0.025212295540929963, 'can': 0.018571694968477378}, {'a': 0.4485504764730721, 'the': 0.14642525364344977, 'so': 0.07187486847060703, 'of': 0.03622896043276309, 'very': 0.0331818392431211, 'and': 0.03235954486835648, 'with': 0.025441777273090396, 'his': 0.023148211656756786, 'not': 0.02288339933579083}, {'of': 0.425170777656929, 'in': 0.18922452859824043, 'In': 0.06408175591329655, 'that': 0.048881264835890816, 'with': 0.04759305572295408, 'to': 0.0465881185064948, 'by': 0.03369721088064566, 'and': 0.031114740084177063, 'for': 0.02862944904391211}, {'that': 0.12093949939400497, 'of': 0.10630791509242656, 'and': 0.09535707968547892, 'as': 0.08117135000149087, 'make': 0.07763476693915643, 'is': 0.052743329298763304, 'have': 0.051984893771088905, 'for': 0.050658458828429405, 'which': 0.04661214982587846}, {'it': 0.10566857278519468, 'It': 0.10344636260943871, 'and': 0.06019656833990975, 'three': 0.0315075021994486, 'a': 0.02440643405752605, 'with': 0.023619042988613347, 'more': 0.0210216809560874, 'two': 0.01893005231435875, 'that': 0.017516346485728567}, {'and': 0.10414598142140728, 'recorded': 0.04447597044960294, 'is': 0.042499778533270985, 'that': 0.039755408542511896, 'was': 0.037558092219325524, 'are': 0.032118528332556184, 'distributed': 0.025253628085422874, 'but': 0.020859662154786584, 'divided': 0.02049041245817366}, {'in': 0.1502149357082937, 'the': 0.14857214917577116, 'a': 0.12498621313939264, 'In': 0.04891691016309062, 'and': 0.04529362605224975, 'of': 0.04237040270587556, 'to': 0.037807695502933544, 'on': 0.02456570326846203, 'any': 0.01893798072989558}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'that': 0.2452158808699762, 'when': 0.1298113814937738, 'as': 0.10569225527349752, 'and': 0.09046002276543719, 'which': 0.0813342999637371, 'if': 0.065432344541311, 'where': 0.03960671197069094, 'but': 0.0363151487892081, 'what': 0.02390387759766992}, {'of': 0.26688205867492665, 'and': 0.11861775837735054, 'to': 0.11545712411800874, 'that': 0.08048744903348211, 'for': 0.06565179826253247, 'in': 0.06308372143101425, 'by': 0.05356166290174677, 'with': 0.0444901528692182, 'all': 0.041742887348988095}, {'-': 0.06988452867255007, 'to': 0.043521742208877175, 'of': 0.034198384635415066, 'ti': 0.030787280747875137, 'tl': 0.02541880938469982, '.': 0.020086160230208285, 't': 0.018896528322307104, 'I': 0.015762345385889796, 'w': 0.015690509780179496}, {'and': 0.18101378537318227, 'fact': 0.08593118641862381, 'so': 0.07845519886937102, 'know': 0.04927189152060615, 'is': 0.04829338574335997, 'said': 0.0422749961478486, 'say': 0.04070458377782424, 'believe': 0.03622288952342604, 'but': 0.028376949691008676}, {'would': 0.13447818399655645, 'I': 0.1336497362013686, 'who': 0.12752265289381895, 'they': 0.1135895024800805, 'we': 0.08428071935004725, 'to': 0.07925970417643603, 'you': 0.054698353352286844, 'and': 0.04568476560122317, 'which': 0.03995350917457837}, {'the': 0.508854706209933, 'and': 0.08078211573826202, 'of': 0.07658046125586994, 'for': 0.03661323728099823, 'The': 0.03626181006055463, 'their': 0.028407207920780074, 'in': 0.02794476983674429, 'other': 0.02790839024674886, 'tho': 0.026288097994445564}, {'the': 0.1481484972813483, 'and': 0.08104068687328045, 'of': 0.07476861824596318, 'a': 0.05895166231323779, 'to': 0.04818615430867597, 'The': 0.032165776418835355, 'he': 0.022896718563420616, 'be': 0.022051417448723642, 'as': 0.021083046602115508}, {'the': 0.20968878509927266, 'a': 0.1649673712660755, 'and': 0.10531887967275981, 'of': 0.06115378669813507, 'The': 0.029810708674059314, 'an': 0.024473652356070404, 'to': 0.019245317425956532, 'in': 0.015881541858381438, 'that': 0.014772004532729774}, {'sum': 0.1653348323738763, 'rate': 0.09135061774277586, 'day': 0.04614948381362381, 'amount': 0.04497023842052139, 'number': 0.03611758041070308, 'instead': 0.03598437743499882, 'part': 0.03359243156789246, 'period': 0.03333927087116571, 'distance': 0.032893689857192036}, {'of': 0.3574055855022956, 'in': 0.10456269342416596, 'to': 0.09957244983703402, 'with': 0.067924182868593, 'that': 0.058507213374766914, 'for': 0.05433551245651629, 'and': 0.05383569143508, 'by': 0.04352150276865882, 'on': 0.03810540417326104}, {'the': 0.8755797476116282, 'tho': 0.04709379215320982, 'The': 0.020130963601019455, 'tbe': 0.01466804709372005, 'of': 0.010574165244503995, 'and': 0.002871685914133983, 'by': 0.0026580039900888745, 'a': 0.0025945275519880817, 'tlie': 0.0017743175034829254}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.33070780508473097, 'will': 0.21748392413285783, 'would': 0.14171261667189436, 'may': 0.05707490871290223, 'should': 0.05059412716588503, 'shall': 0.045620499360964434, 'not': 0.03724983672537287, 'must': 0.03534673705738289, 'can': 0.018453892846876437}, {'the': 0.24744000665430707, 'of': 0.22684275587001365, 'West': 0.2114184872436924, 'and': 0.05483516049197014, 'in': 0.05463049287541991, 'by': 0.025001995910349913, 'from': 0.019515150073379197, 'said': 0.01893667031435063, 'for': 0.01736113927616467}, {'of': 0.3807290409866942, 'and': 0.1841203951994925, 'by': 0.1045276037392894, 'with': 0.05183021892947941, 'in': 0.042972478015626085, 'for': 0.04292216426840754, 'the': 0.021034477511351825, 'or': 0.01931163020327937, 'as': 0.017974086041391068}, {'the': 0.3294721605049138, 'a': 0.2666607696114044, 'large': 0.15198785050870278, 'this': 0.055224200819025744, 'great': 0.0371237843781047, 'in': 0.023370345138857596, 'tho': 0.022657994815780222, 'small': 0.022255846345222232, 'every': 0.02072861728448098}, {'and': 0.14472002288809188, 'that': 0.1423118354996074, 'which': 0.08557815106953313, 'to': 0.08525747838652856, 'when': 0.048450929875241, 'as': 0.04634237248904099, 'if': 0.04099548790159478, 'said': 0.028123108600435185, 'what': 0.026184108369573165}, {'out': 0.0842904799258089, 'purpose': 0.058826302100599796, 'means': 0.05652009548524918, 'matter': 0.035658254442156714, 'right': 0.03394182674352725, 'one': 0.03060635886015621, 'sort': 0.024944019945371293, 'number': 0.023909131969516096, 'time': 0.02316750298554662}, {'per': 0.30990756261913954, 'a': 0.2882057390190675, 'the': 0.14750894422143543, 'last': 0.055214592601764964, 'every': 0.03636593796659104, 'one': 0.03510380806858244, 'this': 0.020322713058318873, 'each': 0.018943446669272605, 'next': 0.016298734760798884}, {'the': 0.1497490743900884, 'of': 0.1167992589565103, 'and': 0.09627909058597205, 'in': 0.07540137752134951, 'to': 0.04757778060759327, 'for': 0.04453792870846285, 'a': 0.0415362709563418, 'that': 0.03041685626437843, 'or': 0.030153071321417136}, {'and': 0.11778357231283144, 'the': 0.10184825692558065, 'of': 0.08107278194817412, 'to': 0.06281802832097755, 'be': 0.042907547010953756, 'was': 0.04079895339062549, 'in': 0.036434770229006985, 'is': 0.030261622507787914, 'are': 0.024574126802673107}, {'of': 0.33183624441956805, 'in': 0.0800733556797329, 'to': 0.06839636025833803, 'by': 0.045606929924533704, 'and': 0.04071656984114606, 'from': 0.03923306729559498, 'with': 0.037317641184318, 'at': 0.035155544784939756, 'that': 0.03344881178531225}, {'to': 0.12997954176410423, 'and': 0.05924921215956085, 'or': 0.056052962903814514, 'know': 0.05060626212399848, 'in': 0.04462251291978356, 'of': 0.039482480510813905, 'that': 0.03186434678357813, 'question': 0.024811399815663538, 'see': 0.022075703013493694}, {'of': 0.0846236426868897, 'the': 0.08008992322290698, 'to': 0.07146424625537126, 'and': 0.05372854962439971, 'was': 0.04760234978776338, 'be': 0.034848685753036526, 'a': 0.030125134702505784, 'is': 0.02724373102696691, 'for': 0.025986321833269033}, {'cents': 0.23560541552682665, 'bushels': 0.048149542816875696, 'a': 0.03993612766514772, 'dollars': 0.0367101619934016, 'cent': 0.03242438876551548, 'the': 0.02617404730885195, 'pounds': 0.025600584100272557, 'feet': 0.02337932054860976, '$10': 0.01870207289628146}, {'of': 0.347795857842192, 'in': 0.21665190814081786, 'to': 0.14853824814305974, 'for': 0.05312829089280043, 'or': 0.05030537134166358, 'by': 0.035486136650792456, 'at': 0.03065914662530246, 'In': 0.030213382115461335, 'if': 0.02997806014942343}, {'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.4846580871054776, 'a': 0.16296750779405608, 'his': 0.09245416209861029, 'no': 0.05375110775983305, 'their': 0.03395620203129802, 'and': 0.0330040097621099, 'tho': 0.026101295799019066, 'my': 0.022862775225190302, 'her': 0.022365722423029276}, {'the': 0.3453852781941646, 'and': 0.09303257451487981, 'The': 0.06735419611440577, 'a': 0.06406853440912429, 'by': 0.046276677118112466, '<s>': 0.03344359561812532, 'in': 0.03019994308733858, 'said': 0.027110086102222736, 'tho': 0.02405969263586099}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.18368601231751527, 'and': 0.11464252061365811, 'of': 0.09946357489091448, 'that': 0.028989098045212682, 'The': 0.02848865660749247, 'a': 0.027298148949132652, 'or': 0.0183073044243937, 'I': 0.018125294372284356, 'in': 0.01691290481634625}, {'be': 0.2787642598132093, 'was': 0.149359726773875, 'been': 0.10904393151580753, 'were': 0.10193575375250513, 'are': 0.07994253873356356, 'and': 0.05247432528155482, 'is': 0.04818768928047902, 'being': 0.037736225040886515, 'he': 0.02560660885522823}, {'of': 0.25750569671279544, 'to': 0.16472543829583783, 'by': 0.11995363307512591, 'and': 0.07219978237592124, 'in': 0.06659778926059416, 'at': 0.03907741458479921, 'from': 0.029958105090498635, 'for': 0.02790586179325857, 'that': 0.021822620087751966}, {'be': 0.18403888279706787, 'not': 0.15048460772839106, 'was': 0.0892299444068295, 'and': 0.07452576204947534, 'I': 0.06421442287188013, 'been': 0.05417906207236306, 'is': 0.04813961899223763, 'are': 0.047336440063806155, 'he': 0.03964022609654907}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'in': 0.17652760917965993, 'for': 0.151354009910558, 'of': 0.1446225411626746, 'within': 0.07676218447632911, 'and': 0.06717596279132201, 'only': 0.06128473435121691, 'In': 0.05570803182784873, 'with': 0.046693183934266455, 'is': 0.03963400043812576}, {';': 0.02247454444614222, 'mortgage': 0.018391156047077403, 'Mr.': 0.012502690795872172, 'street': 0.010369370444478221, 'mortgage,': 0.010058513471181103, 'contained,': 0.00834525158689426, ',': 0.008268421620600269, 'feet': 0.007034621327176185, 'one': 0.006506706596209408}, {'the': 0.18590556998042965, 'of': 0.10096886435445647, 'and': 0.10003166378993043, 'to': 0.055587732492388166, 'a': 0.037537419430520885, 'or': 0.02704675490377912, 'in': 0.026981549092502465, 'be': 0.0238075675802274, 'for': 0.0233267978448175}, {'Mr.': 0.3121599937155138, 'Dr.': 0.08540015738559971, '.': 0.07830082376529644, 'C.': 0.06969061320023655, 'John': 0.0673604094871436, 'Mrs.': 0.06487175294089886, 'J.': 0.05364950409070563, 'H.': 0.051200973555228985, 'M.': 0.051007595844407116}, {'and': 0.23920907661276877, 'that': 0.1376878649069489, 'as': 0.10634011845898879, 'but': 0.04507537975784212, 'even': 0.04049325735099193, 'And': 0.028607077294514945, 'or': 0.02561682347033257, 'But': 0.024144876721247543, 'see': 0.02368290746131916}, {'of': 0.11507368540750156, 'and': 0.09132670435128196, 'to': 0.07940785150936497, 'was': 0.0779939885287483, 'in': 0.0740264980671698, 'as': 0.07183078752239136, 'is': 0.06956918413263322, 'at': 0.06821204306645941, 'on': 0.057025230997579744}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'the': 0.45420819643672194, 'a': 0.10203274834091976, 'The': 0.08913651279028614, 'protective': 0.06272827246294141, 'of': 0.059970515085424794, 'that': 0.036213510654999004, 'tho': 0.025704780599136803, 'his': 0.024868541902730416, 'new': 0.021405141590171647}, {'they': 0.1526364760205744, 'who': 0.0734903762880743, 'there': 0.06796953496356017, 'we': 0.06675967996448004, 'which': 0.051515065498583236, 'and': 0.04885033962872441, 'you': 0.04459834097877737, 'There': 0.03870682391240855, 'They': 0.03657499609252005}, {'of': 0.2881084852611035, 'to': 0.11695042359810433, 'in': 0.11612425883348357, 'and': 0.0676209513584755, 'with': 0.059999875551068116, 'for': 0.053652151003525876, 'on': 0.051676945102502155, 'by': 0.04093520255770849, 'from': 0.038827044671752485}, {'and': 0.11054526001121034, 'was': 0.08574805304728017, 'is': 0.07080233035839119, 'be': 0.04843877966720912, 'succeeded': 0.0482378598889154, 'are': 0.042477892848699975, 'made': 0.029635401326948023, 'that': 0.028006183436088034, 'were': 0.02718816687448699}, {'on': 0.1888282911047191, 'his': 0.11497994790500823, 'a': 0.11397406539682879, 'to': 0.10870202822617862, 'the': 0.08815832715367057, 'in': 0.08626241031362727, 'of': 0.07764338363292977, 'other': 0.06206125117551114, 'my': 0.053065051254689466}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'feet': 0.07418506673769094, 'number': 0.053531724036992204, 'line': 0.052841770457157475, 'out': 0.04306608378257101, 'day': 0.0412193267477544, 'city': 0.040751128493014065, 'one': 0.03340484797645368, 'cost': 0.025949567313779634, 'amount': 0.0252745705324323}, {'said': 0.14497893430539466, 'the': 0.11865412155323184, 'this': 0.0360687822568394, 'a': 0.025825647694460142, 'and': 0.0244110336974334, 'Lake': 0.012805409253389476, 'each': 0.010911268136014533, 'of': 0.009463917364271705, 'any': 0.007696679157115872}, {'the': 0.1155773430495756, 'of': 0.11336370577682478, 'Mr.': 0.06843429110450017, 'and': 0.0669765498627166, 'in': 0.0392647541710635, 'Mrs.': 0.031086482499725128, 'The': 0.028283856755957147, 'to': 0.027241040841431363, 'Miss': 0.025242035406971144}, {'be': 0.10869144595917807, 'He': 0.1064435659214695, 'is': 0.10536716901954588, 'and': 0.09821409541148136, 'was': 0.09785815872236746, 'he': 0.09498191471431625, 'also': 0.04067764593702213, 'so': 0.03697661881290489, 'been': 0.034162116624636335}, {'and': 0.13021350580811752, 'was': 0.08931994634807054, 'nothing': 0.0652029270834727, 'is': 0.06379393257360094, 'of': 0.06363796673645084, 'talk': 0.04586402256254852, 'anything': 0.04320865427336752, 'bring': 0.04178449611350605, 'brought': 0.038749959787350415}, {'of': 0.27828147437044, 'in': 0.1267060631612508, 'to': 0.11977627807652133, 'and': 0.07028710045081887, 'that': 0.06915793792168007, 'with': 0.06724309384132993, 'for': 0.06578655865113964, 'by': 0.057127395737063005, 'all': 0.035241636077223415}, {'of': 0.34580973397283143, 'that': 0.14935525015841028, 'in': 0.10691863152237854, 'to': 0.06493273995549009, 'and': 0.05254858448268756, 'by': 0.05075645469100511, 'In': 0.03136974883084581, 'on': 0.03060077763627538, 'from': 0.026791462586467054}, {'the': 0.2354393404721013, 'of': 0.15073751222111645, 'to': 0.145735364283267, 'his': 0.07940416546467215, 'and': 0.05866329938656641, 'in': 0.04315279599984792, 'a': 0.04160005584516514, 'with': 0.038234330705569135, 'their': 0.03591398769684337}, {'of': 0.09299362644804296, 'the': 0.08548953359470103, 'and': 0.08447430791620274, '.': 0.030958735455291063, 'Miss': 0.028416807921848895, 'Mrs.': 0.02576612432899807, 'Mr.': 0.022991138883044878, 'to': 0.02217885987566996, '<s>': 0.01857260336847789}, {'of': 0.3349852061536706, 'on': 0.17236332089674833, 'in': 0.12416970814614699, 'to': 0.08029696304526873, 'that': 0.05396013810256536, 'by': 0.04685744811796105, 'and': 0.04137273347165127, 'In': 0.028873301578557657, 'from': 0.024544612091607586}, {'and': 0.1857037356314445, 'he': 0.16713720659831496, 'who': 0.11360033490702609, 'He': 0.10237377756019082, 'have': 0.0897690788711052, 'has': 0.06527964570882208, 'had': 0.04942944510292232, 'be': 0.04452534839750827, 'I': 0.038150739870713914}, {'It': 0.24685177101561348, 'it': 0.19012631742757474, 'he': 0.045355137188187275, 'which': 0.041981725171996186, 'and': 0.026068623876275537, 'that': 0.02120350869245249, 'This': 0.017868848508106272, 'who': 0.016643171946478453, 'He': 0.014819673757769238}, {'the': 0.16173185221501782, 'of': 0.10912806647223604, 'on': 0.08760092041517868, 'a': 0.08591719104042346, 'to': 0.05446785135120616, 'and': 0.04668327733046526, 'in': 0.040927600278650354, 'an': 0.022731215893448755, 'or': 0.02257891656227276}, {'was': 0.2734804353956011, 'be': 0.24790983926389445, 'been': 0.09387736242768589, 'is': 0.07949823301474672, 'were': 0.07428696574878224, 'are': 0.04237643131766712, 'and': 0.04006722200108806, 'being': 0.031934673200839994, 'had': 0.031905767766696506}, {'be': 0.190566244076609, 'and': 0.12513317827748902, 'was': 0.09926535594597971, 'is': 0.06589321102847415, 'were': 0.05469001089554332, 'are': 0.053958039961156674, 'been': 0.04317270334684793, 'the': 0.041981078186303464, 'he': 0.038464077726589926}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'the': 0.6172032793314953, 'The': 0.06357599025642256, 'an': 0.05435656309274897, 'no': 0.05318458882168377, 'tho': 0.03478733631192356, 'any': 0.02620612206584068, 'a': 0.025099726293795643, 'said': 0.021396411991037912, 'and': 0.017163226053294515}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.4089575278224192, 'to': 0.11486358595194085, 'and': 0.07973347137129286, 'in': 0.07045971906075682, 'for': 0.05486183405826116, 'that': 0.04736551418682843, 'with': 0.04362111459710285, 'by': 0.04284457373695267, 'on': 0.03865171404751066}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.11936772966184073, 'and': 0.10630999169940565, 'of': 0.06749291853548904, 'be': 0.06043344446563886, 'the': 0.05147523708133518, 'was': 0.05013169549432498, 'is': 0.042411178058765826, 'for': 0.04110571513564095, 'in': 0.03807821931042051}, {'the': 0.23808296554030023, 'of': 0.10526097219779013, 'and': 0.10447621765374518, 'The': 0.0711127721270264, 'that': 0.025498324122051934, 'his': 0.017250878306762633, 'tho': 0.015326878661271586, 'these': 0.014264902931214487, 'to': 0.014219550608288993}, {'and': 0.16771634397308052, 'so': 0.0799515110433391, 'fact': 0.06754269311976728, 'said': 0.053099026947957956, 'know': 0.052752863689406224, 'say': 0.047912452004830776, 'is': 0.03465193910310531, 'but': 0.02885959309660333, 'believe': 0.027790681460559605}, {'the': 0.1569819941410802, 'of': 0.09261892615932757, 'and': 0.08831395787917863, 'a': 0.06488331014035414, 'to': 0.05236232062096733, 'be': 0.041164631167822055, 'was': 0.035214908617279, 'in': 0.030672457873292553, 'is': 0.026536763753507067}, {'and': 0.04933744146155296, 'was': 0.044083940813337774, 'is': 0.02673764102227143, 'it': 0.023777345384386344, 'be': 0.018753090244432852, 'that': 0.01861748183708917, 'made': 0.01711027148590598, 'him': 0.013922557628412411, 'up': 0.013702263722079016}, {'the': 0.3093599993971532, 'of': 0.14496318861410734, 'their': 0.07647680407663725, 'a': 0.06238159116643993, 'his': 0.05584800852707308, 'and': 0.04882321365689671, 'great': 0.03743106194208516, 'no': 0.03439312107318731, 'in': 0.032738105284668105}, {'and': 0.1301443230624376, 'is': 0.04802770652041395, 'be': 0.04467017164587916, 'served': 0.03854520151286732, 'that': 0.03798516488021376, 'time': 0.03364841567163401, 'was': 0.03317712608696689, 'or': 0.03281296667365185, 'now': 0.028583485498549246}, {'the': 0.8377956699500196, 'a': 0.0357855272249079, 'The': 0.03352034642916657, 'tho': 0.03280870707273527, 'tbe': 0.012976886102136556, 'and': 0.004884542472579596, 'final': 0.004757413980758888, 'great': 0.004636210176223105, 'his': 0.004374245786372774}, {'the': 0.11096586912939543, 'of': 0.08037138822293284, 'to': 0.05174587202106816, 'and': 0.04957523146959547, '.': 0.04441749130323926, 'Mr.': 0.041378441250508505, 'a': 0.03645243697333433, 'in': 0.02911266132799483, 'at': 0.02015621237951147}, {'the': 0.21578454754133733, 'a': 0.13080814168401195, 'of': 0.11097464045874922, 'in': 0.08269417071059824, 'on': 0.052924626510661495, 'other': 0.042874567537023046, 'his': 0.03895130165568856, 'and': 0.031238341476091717, 'school': 0.02612195577945863}, {'of': 0.16619746458606013, 'and': 0.11082634421846155, 'to': 0.09567680035244978, 'is': 0.09185652254421771, 'with': 0.08886189038122567, 'as': 0.07466966601091757, 'was': 0.06762879332320756, 'by': 0.06109829627634191, 'that': 0.053009894009728546}, {'and': 0.14059755483832867, 'of': 0.11230072386349535, 'as': 0.08864292577450936, 'that': 0.06434566422837298, 'to': 0.061640798081394256, 'with': 0.060719854440958364, 'for': 0.05753984271680764, 'but': 0.05152595942145914, 'make': 0.0436246022290303}, {'the': 0.6129154519706745, 'and': 0.08604289701467915, 'a': 0.058806713569738024, 'The': 0.04314688339644082, 'tho': 0.026653116335373105, 'this': 0.01757961727164955, 'or': 0.016344316860696994, 'any': 0.013198854223861158, 'by': 0.011940787446706007}, {'to': 0.28281487696070345, 'the': 0.20380653687918113, 'will': 0.10428884212336655, 'would': 0.08725475999853426, 'and': 0.05312865787956044, 'a': 0.05162018199006889, 'may': 0.039994225111845506, 'not': 0.03447031948406473, 'can': 0.025852148561288712}, {'the': 0.4045585842012057, 'a': 0.22139668515241134, 'of': 0.0802189064738439, 'tho': 0.0241781434511567, 'and': 0.02403218813709882, 'The': 0.021814543157637558, 'said': 0.015205397930176527, 'A': 0.012708385763222373, 'tbe': 0.00939890174122644}, {'the': 0.2912448995641598, 'and': 0.09316123940119585, 'of': 0.09274143172263419, 'The': 0.06203799480308399, 'that': 0.035229413059038144, 'his': 0.032790480511154615, 'a': 0.023025535029115477, 'their': 0.022298424564777028, 'said': 0.020467307374390748}, {'for': 0.44296508130313755, 'at': 0.09415490348396248, 'For': 0.07236212578723757, 'and': 0.06779529260880954, 'of': 0.05418362903299759, 'in': 0.04815333837410503, 'that': 0.04363670113896169, 'to': 0.03351458885734508, 'by': 0.025548126358368346}, {'it': 0.1562807757905685, 'which': 0.08494799871609857, 'and': 0.08112484806497348, 'It': 0.06907920063525162, 'there': 0.05956320554773866, 'they': 0.04587430296742804, 'who': 0.03479365750475869, 'we': 0.033141882320015616, 'that': 0.03109157477284084}, {'to': 0.36014988433581396, 'of': 0.0843592461405915, 'a': 0.07420534356761785, 'and': 0.07170424109590577, 'the': 0.05022540990864283, 'who': 0.0414138380496545, 'not': 0.03921928015182115, 'I': 0.039109115259283914, 'will': 0.03474846514320391}, {'<s>': 0.041648020385905385, 'it.': 0.013142504201407989, '.': 0.012669374551661018, 'St.': 0.011891773483018916, 'of': 0.01077567005741362, 'years.': 0.009682610497598073, 'him.': 0.009274266271371578, 'and': 0.008771078030092676, 'them.': 0.008159397626135914}, {'be': 0.1692646170154558, 'was': 0.09402307648400822, 'is': 0.08729373776857585, 'and': 0.0734337000549919, 'are': 0.07198015567335664, 'the': 0.06065301920203151, 'he': 0.05175392029480388, 'been': 0.050100423127440154, 'were': 0.04282675012773611}, {'matter': 0.06700139639337724, 'number': 0.06439450053932404, 'amount': 0.06183157281124159, 'out': 0.04527077302971881, 'line': 0.03408857517710685, 'kind': 0.031135371788045447, 'sort': 0.029224706618969136, 'purpose': 0.02670232342289873, 'lack': 0.025561732722585127}, {'men': 0.25556680366543905, 'those': 0.12696967318805163, 'man': 0.07932275703418205, 'and': 0.03992152283114332, 'people': 0.03870043677580476, 'one': 0.027616506885004208, 'women': 0.025468872874136746, 'woman': 0.02042644138465295, 'all': 0.020322210903260158}, {'<s>': 0.069406040089687, 'and': 0.016726774042287396, '.': 0.010104245701220552, 'follows:': 0.008683340649306625, 'of': 0.0076410589402573685, 'the': 0.0055212306958548445, 'to-wit:': 0.004031906142316886, 'to': 0.003829455789952221, 'in': 0.0028399103856125876}, {'more': 0.24597852841685847, 'the': 0.17442777210789134, 'less': 0.13784073721553272, 'of': 0.10095459095479957, 'an': 0.07768411638750987, 'greater': 0.05994382112921507, 'better': 0.039260112885356954, 'and': 0.03824748415015701, 'in': 0.032668149321149274}, {'in': 0.3642395416901198, 'of': 0.15689236622042949, 'New': 0.10787378858901182, 'In': 0.09570583645404213, 'to': 0.05519126811570712, 'and': 0.035826061314020136, 'from': 0.03458887051782465, 'with': 0.024853601704157312, 'by': 0.020335356338825546}, {'the': 0.21524099666616409, 'a': 0.10557887593271092, 'of': 0.0606098661715486, 'and': 0.056072018002058334, 'to': 0.035737002265306385, 'The': 0.02686183369182368, 'that': 0.02492189206601966, 'in': 0.021946558649974995, 'by': 0.017732630900093894}, {'person': 0.10758070734952689, 'more': 0.08516942049740785, 'one': 0.03534497850888248, 'two': 0.021639058017762617, 'owner': 0.01885392191250256, 'day': 0.01760805538880075, 'law': 0.01698258250386717, 'three': 0.013296551390357212, 'piece': 0.01301284525841407}, {'the': 0.24376830707018424, 'and': 0.15531674321854327, 'of': 0.10976807673519565, 'an': 0.08019948957507723, 'in': 0.04048270983291008, 'a': 0.031226450835449587, 'his': 0.0286407482005079, 'The': 0.021788117221745954, 'county': 0.017259834834931983}, {'the': 0.25266799305765775, 'a': 0.13471820631130865, 'of': 0.07459659389227354, 'and': 0.06135904369645553, 'at': 0.047616671671135986, 'an': 0.03718646442094099, 'in': 0.03678801507424993, 'on': 0.02341698100360452, 'to': 0.022025563156175012}, {'the': 0.14280439654161617, 'and': 0.08584257541161089, 'of': 0.05045891310671314, 'in': 0.039807202016375776, 'to': 0.032429590487615394, 'that': 0.030122868630677004, 'which': 0.01959276188975219, 'or': 0.01855400846715158, '<s>': 0.018445229657109624}, {'of': 0.29792380437296206, 'and': 0.11876602629853986, 'that': 0.07858525356474762, 'in': 0.07446039667791905, 'with': 0.059065550337125, 'to': 0.0577514457061815, 'is': 0.05367211857172701, 'for': 0.05076423411640811, 'have': 0.04409362853676582}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'the': 0.1587375480149859, 'of': 0.08254551462499617, 'and': 0.08085930804487639, 'a': 0.06729257711216322, 'to': 0.061384945294075344, 'be': 0.030563864346128792, 'was': 0.0243997806807823, 'or': 0.020098682714989803, 'is': 0.017668635246422947}, {'of': 0.15473836353443698, 'by': 0.08140978562629425, 'to': 0.07108415137492592, 'that': 0.06908815695154398, 'and': 0.06791709977325962, 'with': 0.02727368250248621, '<s>': 0.023435708793644882, 'which': 0.01997369425877864, 'as': 0.017159513113650854}, {'more': 0.2510735794413856, 'less': 0.09404665481873073, 'better': 0.07681918782854377, 'rather': 0.05589061983440973, 'other': 0.03564852617084615, 'greater': 0.03437711105811471, 'higher': 0.025816952142518678, 'lower': 0.025451153994064814, 'larger': 0.018818324699867425}, {'few': 0.2709465232969003, 'two': 0.23840976874171588, 'successive': 0.12244054549342208, 'three': 0.08858149842488781, 'several': 0.07149222509557583, 'six': 0.047776740374980746, 'five': 0.04489428817099359, 'four': 0.039332230428603863, 'ten': 0.035474207583995554}, {'and': 0.3129775874488155, 'that': 0.06627455467475765, 'but': 0.04209536920867131, 'days': 0.03894550243354134, 'and,': 0.03842082641160851, 'soon': 0.03582794495269809, 'until': 0.026485087053539146, 'shortly': 0.02428502399625439, 'time': 0.023393789606738203}, {'that': 0.079218791262483, 'as': 0.07105204897817484, 'and': 0.057439426319733214, 'which': 0.028954101131978643, 'lots': 0.02459432634616684, 'if': 0.023680107186189906, 'for': 0.02245439071388388, 'No.': 0.021462758134006374, 'should': 0.02088842583602329}, {'and': 0.14241774547010086, 'as': 0.11537851930777206, 'able': 0.07262537901510056, 'order': 0.06175115230467503, 'enough': 0.056799896423582394, 'is': 0.0524268794427036, 'or': 0.04999182793353029, 'have': 0.04320239521925354, 'used': 0.041096734525730406}, {'and': 0.2503081820058011, 'days': 0.0955744540615947, 'that': 0.07657842214929912, 'soon': 0.06851984521539001, 'years': 0.05708657723146911, 'shortly': 0.04944832205946025, 'but': 0.04679108549268432, 'months': 0.030333543990030184, 'year': 0.02872744017714006}, {'he': 0.15141153243413838, 'it': 0.13530341222516737, 'It': 0.09771063720357706, 'which': 0.07762440363387747, 'I': 0.07541739747136947, 'and': 0.05739932813671954, 'He': 0.05289188822696073, 'she': 0.03933372692551711, 'that': 0.037910488091178154}, {'out': 0.07033946667983419, 'one': 0.06489995891830055, 'some': 0.06212267612055411, 'all': 0.046477716248526486, 'part': 0.04202084263352993, 'because': 0.02971260280764215, 'account': 0.029312690886404716, 'many': 0.028173154976763398, 'and': 0.025335904678426044}, {'the': 0.7462774897657564, 'tho': 0.0458908610642453, 'The': 0.04462024175460168, 'a': 0.03856840343902664, 'an': 0.030225843011435397, 'and': 0.02194453494688788, 'tbe': 0.012754364257212273, 'any': 0.010205974511479513, 'no': 0.0097762347629816}, {'of': 0.09306287261231871, 'the': 0.049710348098918604, 'and': 0.04547764110808933, 'in': 0.03929282685879949, 'a': 0.0391555494898379, 'to': 0.033292706777250686, '-': 0.02778765775850125, 'for': 0.01560888465411524, 'by': 0.013385009105167179}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.16023647480976014, 'is': 0.10906286679900229, 'with': 0.09206555901450204, 'to': 0.09004234320254864, 'was': 0.0860948193665166, 'in': 0.08035046937251064, 'as': 0.06744801017587645, 'on': 0.06420259687320556, 'and': 0.06384719618400965}, {'as': 0.20891475253845346, 'a': 0.16605243957113208, 'any': 0.10355667732110531, 'the': 0.08981730904419194, 'earliest': 0.0873702764897491, 'and': 0.06077578312340365, 'every': 0.059461008479768304, 'no': 0.04049875784555767, 'im-': 0.03759411970696119}, {'and': 0.1520033924961169, 'to': 0.11138457829471794, 'he': 0.052734191036357944, 'of': 0.03899527105088295, 'in': 0.02953715637365874, 'the': 0.02846215666918684, 'was': 0.027299499167276732, 'that': 0.02489404027207233, 'for': 0.02429960089554172}, {'was': 0.2368941286098825, 'is': 0.14193868530753875, 'be': 0.12323953961041748, 'he': 0.08294645541387263, 'He': 0.07616573649285024, 'and': 0.06656571982897866, 'been': 0.055511211077694696, 'I': 0.0507079290325352, 'are': 0.04694133023618877}, {'the': 0.2300092566122716, 'of': 0.09458741640237055, 'a': 0.09020477283254515, 'and': 0.07622789376731591, 'to': 0.040835128715838484, 'in': 0.04020203056025763, 'for': 0.02608642268227512, 'at': 0.02423784589200467, 'The': 0.023318107251337206}, {'of': 0.1594153042667891, 'for': 0.09825076861390594, 'with': 0.09067164733572786, 'in': 0.08596160826624451, 'to': 0.08351912696522369, 'upon': 0.05740302102040158, 'do': 0.05626200096233825, 'about': 0.052042199328191145, 'on': 0.03909756324513947}, {'to': 0.11495506970688947, 'and': 0.0918393574270878, 'of': 0.05425215205235922, 'the': 0.038148505989931185, 'is': 0.033204246463063636, 'in': 0.0295109246546491, 'was': 0.028580498797366398, 'con-': 0.02505349819126404, 'will': 0.023876091631703095}, {'a': 0.31639791388737903, 'the': 0.29304590938933917, 'of': 0.06454820869042842, 'The': 0.036910573889159, 'and': 0.033006040168726, 'with': 0.024008642414022393, 'his': 0.02360666400359219, 'for': 0.023094528141125323, 'in': 0.02017017475416154}, {'and': 0.1429399393776369, 'to': 0.11289273701267771, 'the': 0.11117263749500975, 'of': 0.05488685568239604, 'at': 0.032003305049195664, 'or': 0.029375188173207434, 'a': 0.02861217448151923, 'for': 0.027232041543602058, 'will': 0.02567508620729829}, {'person': 0.10068940598325984, 'owner': 0.04250715090304211, 'one': 0.03733930787380767, 'lot': 0.03468045134680633, 'law': 0.0328581349224428, 'man': 0.030684011867868163, 'land': 0.029261229309359232, 'vein': 0.027248659986898034, 'tract': 0.02502124165818066}, {'the': 0.3461584865827432, 'and': 0.15711898335742328, 'a': 0.0891293275959245, 'that': 0.07787498474035295, 'The': 0.07641423210690554, 'of': 0.03639095251103472, 'no': 0.03548455759108099, 'if': 0.02693725849159218, 'tho': 0.024690790007098406}, {'that': 0.2725552313423987, 'and': 0.15022191899016846, 'but': 0.08014394301694339, 'as': 0.07110650483944234, 'which': 0.04577516556660754, 'if': 0.03554186904967178, 'when': 0.0294484663258974, 'of': 0.02680782563325864, 'where': 0.024091052424410234}, {'up': 0.07394403231593119, 'addition': 0.06425867562316782, 'and': 0.05825130436402971, 'came': 0.05337090137696794, 'as': 0.05260466430986238, 'due': 0.04153060531781821, 'according': 0.04060236881963609, 'reference': 0.039537101183225024, 'sent': 0.03879908645307954}, {'of': 0.21034483107602978, 'to': 0.14147404257963975, 'in': 0.10057864578093911, 'and': 0.09353701154840473, 'on': 0.0861702286189259, 'with': 0.05816265042198673, 'In': 0.05616458707360701, 'for': 0.054265959783475946, 'that': 0.05148725987223941}, {'and': 0.24566799562807018, 'that': 0.05633952019403574, 'soon': 0.05473271843443828, 'days': 0.040801179058619845, 'until': 0.03580341334235989, 'but': 0.0343823027406941, 'years': 0.03335872460472624, 'shortly': 0.03058339487823061, 'and,': 0.027839100810370117}, {'of': 0.09604940395828448, 'and': 0.08307176412001269, 'the': 0.08268196120756964, 'was': 0.04467097369773257, 'to': 0.043405884369801355, 'be': 0.03130781654309142, 'were': 0.026942345069419654, 'are': 0.022635527896742575, 'as': 0.022184511382324763}, {'the': 0.24624336996541668, 'and': 0.07138319179493588, 'a': 0.0713087873278702, 'of': 0.06094635769857789, 'his': 0.024343725613438564, 'other': 0.02026885521013561, 'The': 0.019227129628455457, 'to': 0.01676829735157451, 'one': 0.016454169284773498}, {'to': 0.31023291707644285, 'not': 0.1193100195791256, 'and': 0.1167212714765159, 'we': 0.0762018882945062, 'I': 0.056303608853172045, 'would': 0.053471966863634306, 'you': 0.04543262403064413, 'will': 0.04332397010282881, 'they': 0.039447029026691616}, {'and': 0.08494151393339115, 'of': 0.07315307986151333, 'was': 0.04520516049375894, 'is': 0.04427388110074555, 'be': 0.04051142363937021, 'are': 0.027463813052623517, 'them': 0.022603807413242825, 'the': 0.02215854646532251, 'well': 0.02172585856501928}, {'of': 0.2006423428072302, 'to': 0.1916794501455961, 'and': 0.09476575081769918, 'in': 0.09232749932219722, 'on': 0.07146179637102427, 'with': 0.0713382565510055, 'for': 0.05495379457602665, 'from': 0.05149457693818953, 'that': 0.04836779040626762}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'one': 0.08982937877905922, 'all': 0.08081018900847674, 'copy': 0.05403011663508978, 'some': 0.03182031626872498, 'out': 0.02934696487387668, 'those': 0.02832594673453483, 'means': 0.02769149631670555, 'purpose': 0.026446924486725035, 'part': 0.02543055890623796}, {'it': 0.26239543089119166, 'It': 0.18864269855882923, 'there': 0.07379514258961524, 'that': 0.059969560596402814, 'which': 0.05683665832340766, 'he': 0.040150317900622304, 'This': 0.03421743983774291, 'this': 0.025974591439182845, 'There': 0.025367717100602025}, {'the': 0.060039603837137474, '.': 0.04249490745387751, '<s>': 0.033522963939765595, 'and': 0.02953935939637859, 'of': 0.01973678609573062, 'Mr.': 0.019037700944776605, 'Mrs.': 0.009842259433961754, 'The': 0.009162579944955214, 'de-': 0.008636905559862422}, {'the': 0.12461452507482718, 'a': 0.08830891862170133, 'and': 0.08620311032016595, 'of': 0.08167987493259185, 'to': 0.059192375711770474, 'in': 0.03260674918916609, 'be': 0.03219735436218589, 'was': 0.020605935656305464, 'is': 0.018786887551926146}, {'cents': 0.23560541552682665, 'bushels': 0.048149542816875696, 'a': 0.03993612766514772, 'dollars': 0.0367101619934016, 'cent': 0.03242438876551548, 'the': 0.02617404730885195, 'pounds': 0.025600584100272557, 'feet': 0.02337932054860976, '$10': 0.01870207289628146}, {'W': 0.10776235319171491, 'M': 0.08872761950457017, 'J': 0.08726887506452609, 'C': 0.08063004997041978, 'S': 0.0748991823490514, 'E': 0.07406155644726299, 'A': 0.07018206293707215, 'H': 0.06803407779447025, 'B': 0.06392180699507438}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'and': 0.10621357103659904, 'of': 0.09592475021597927, 'as': 0.0933664698463147, 'the': 0.07498329443544682, 'to': 0.050713985015591476, 'be': 0.03665821157222504, 'such': 0.035312510153626214, 'much': 0.0306652819635511, 'in': 0.028081642731827273}, {'and': 0.24728928953703969, 'that': 0.1759105760138567, 'of': 0.1363230508383955, 'we': 0.045088401164668085, 'but': 0.03494134129973038, 'to': 0.03278797095154347, 'which': 0.0286659861050191, 'for': 0.028288379119413076, 'they': 0.027511682269420048}, {'of': 0.2543677475699717, 'the': 0.13896175259549304, 'and': 0.11585013069622371, 'his': 0.08380063405737269, 'in': 0.07363974400830851, 'their': 0.06469047049373569, 'whose': 0.0459748596562188, 'our': 0.039591157882630165, 'that': 0.03909076075656116}, {'the': 0.593064194555946, 'of': 0.06474084906756747, 'and': 0.0555225786391526, 'The': 0.03910156596047723, 'an': 0.03783109675927651, 'tho': 0.034206042979178314, 'in': 0.020398429506391876, 'tbe': 0.015466734818989294, 'that': 0.012207179480222968}, {'and': 0.10743705922942377, 'to': 0.09209329565614496, 'the': 0.07323547500587536, 'of': 0.06869545661495179, 'in': 0.03967339173748984, 'a': 0.03241429329189897, 'at': 0.0269573641977053, 'is': 0.02133716325239915, 'was': 0.02117990675713675}, {'they': 0.23000767660292826, 'who': 0.08411530757470048, 'we': 0.0722264419338184, 'and': 0.06141479720557372, 'which': 0.05355305032495239, 'men': 0.04502137380486004, 'They': 0.044333093156826216, 'there': 0.042098314789279036, 'that': 0.03616590888479311}, {'and': 0.11776630953506242, 'as': 0.07328060745636865, 'them': 0.037662266863888925, 'him': 0.030376117748608426, 'is': 0.02659408370340443, 'was': 0.025744927398459103, 'up': 0.024935234374237676, 'right': 0.024015865811919813, 'according': 0.022975587465854617}, {'the': 0.28622758893343053, 'Mr.': 0.1378668370336896, 'of': 0.10200893862687056, 'The': 0.08379320687940942, 'and': 0.06236743100330313, 'Senator': 0.031413308130047946, 'that': 0.026941923616007325, 'Mrs.': 0.021001220792804677, '.': 0.020711036719422992}, {'to': 0.21347538715427258, 'I': 0.13781968478506024, 'we': 0.10050026832123272, 'they': 0.07958415067792167, 'would': 0.07039736482175495, 'you': 0.05514638677392972, 'will': 0.05286327709314983, 'who': 0.04994186942203582, 'We': 0.046130713610816235}, {'the': 0.49328914972180016, 'in': 0.1314736040691389, 'of': 0.08458515713932287, 'and': 0.05330898441227852, 'In': 0.0487093210378867, 'tho': 0.02525212579994687, 'The': 0.013128859333511452, 'that': 0.010923549272556296, 'to': 0.010552378183017531}, {'<s>': 0.08923025367354825, 'it.': 0.01722523811429938, 'them.': 0.01147974706669441, '.': 0.010859311083385378, 'years.': 0.008711050071761917, 'him.': 0.008178055731882785, 'year.': 0.007544391916291215, 'time.': 0.007112793905515424, 'country.': 0.0070256620039404255}, {'the': 0.10945425253355681, 'of': 0.09636615000255042, 'and': 0.08541152947618305, 'to': 0.07990792621261288, 'in': 0.04042216320156452, 'a': 0.03774309014681722, 'be': 0.03159937603493701, 'was': 0.02864174221669428, 'is': 0.020559552937933726}, {'the': 0.6635939104099946, 'a': 0.08890900832630594, 'and': 0.059728296122916774, 'The': 0.05184708108583728, 'tho': 0.022991677080344153, 'is': 0.020435783788658086, 'of': 0.018813413625162364, 'was': 0.014088714005672342, 'are': 0.014035858813457442}, {'as': 0.0711422227779465, 'up': 0.05501880879271295, 'come': 0.048618343500902446, 'and': 0.042582849258452335, 'back': 0.042363533884198855, 'came': 0.04167607782390628, 'go': 0.04030470933971215, 'it': 0.03250162435656944, 'regard': 0.031880975711791985}, {'at': 0.12512619551749737, 'and': 0.06986411053692429, 'to': 0.05735754626310979, 'of': 0.04417020885581157, '.': 0.03355884006914744, 'the': 0.028916115694987466, 'a': 0.02326251685866088, 'No.': 0.018133571001472334, '<s>': 0.017989556501020593}, {'and': 0.1613615406646396, 'was': 0.10450889385128008, 'is': 0.09303956419429003, 'went': 0.050424811310466534, 'are': 0.04242326418246133, 'it': 0.03282791907561172, 'go': 0.032342772217869506, 'be': 0.03206740131375423, 'that': 0.03181310301779}, {'that': 0.22964002611506082, 'and': 0.12563070615298963, 'which': 0.09038641505125512, 'as': 0.08856646388721749, 'when': 0.08108121498479172, 'if': 0.06018106360824569, 'but': 0.05440865130529826, 'what': 0.043668037985892576, 'where': 0.030332606164902458}, {'as': 0.17560775084966707, 'of': 0.12682746156357935, 'and': 0.0964093726370799, 'to': 0.058497465802916725, 'is': 0.05013704309727911, 'all': 0.03971307028333454, 'in': 0.03535410677904107, 'for': 0.03240657968110368, 'any': 0.032344736767124}, {'that': 0.23548095916475398, 'and': 0.141384993778541, 'which': 0.11193903758686108, 'as': 0.10841256422482617, 'but': 0.05683854815030517, 'if': 0.0547178688327634, 'when': 0.047522323977870234, 'where': 0.0424429364406293, 'because': 0.03518332772014772}, {'be': 0.23972444878824992, 'was': 0.17833568556552962, 'been': 0.09833628077619619, 'and': 0.08104386234826229, 'is': 0.06405549158357936, 'were': 0.04009783722414912, 'he': 0.025413811855051302, 'being': 0.023420835086915257, 'are': 0.02280066007423581}, {'and': 0.1727145231383458, 'so': 0.08874556213381903, 'said': 0.06297796191552318, 'is': 0.044254864489803675, 'fact': 0.04390127530682113, 'know': 0.038842537236859785, 'say': 0.032886117851609296, 'but': 0.027205816902778197, 'me': 0.026856185853746477}, {'and': 0.21861293979710533, 'he': 0.07035483016031921, 'I': 0.06059357777931436, 'two': 0.055538220527265925, 'He': 0.04102005105606764, 'never': 0.03924559618530848, 'to': 0.03828848989010583, 'then': 0.03564758921702535, 'ever': 0.034903640848835786}, {'of': 0.1464235409144968, 'the': 0.14061464583429695, 'in': 0.1142737985155464, 'Sand': 0.11196104837146846, 'and': 0.05185795033660901, 'Grand': 0.04455256506095049, 'to': 0.0334668142616229, '<s>': 0.023780070502473487, '.': 0.023059085007834833}, {'of': 0.21177471073852702, 'and': 0.1589086937184844, 'that': 0.09572876646520895, 'is': 0.07391235755179941, 'to': 0.05984897414583786, 'for': 0.054425555113990665, 'would': 0.04132218971071601, 'not': 0.039373881839662624, 'in': 0.038250707659115014}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'of': 0.2053605445094391, 'in': 0.12329519230323993, 'the': 0.06807101088652898, 'on': 0.06077621276741049, 'to': 0.052261185373731193, 'In': 0.03341903548773853, 'and': 0.02985624939070337, 'from': 0.029098990035355238, 'a': 0.024276384156655836}, {'the': 0.4024623954734439, 'a': 0.2626811775440224, 'this': 0.09582599851700947, 'tho': 0.032212769267583936, 'The': 0.02724952134340624, 'to': 0.025557594278008345, 'and': 0.023939072148025913, 'every': 0.022974610866469812, 'of': 0.019873552116742375}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'is': 0.11097603415995998, 'any': 0.08329517895871043, 'and': 0.08249088304667729, 'the': 0.0760740869945652, 'only': 0.07176760377809603, 'no': 0.07017511358378435, 'but': 0.06452737476245687, 'of': 0.06159531233977964, 'to': 0.056575814969604}, {'the': 0.31532596799150603, 'a': 0.30344286542854615, 'to': 0.06822406579617932, 'and': 0.06424362068947448, 'The': 0.039653594570369106, 'not': 0.035770542265197394, 'of': 0.02680203303501839, 'his': 0.025335792167826502, 'in': 0.01652169413547551}, {'of': 0.15473836353443698, 'by': 0.08140978562629425, 'to': 0.07108415137492592, 'that': 0.06908815695154398, 'and': 0.06791709977325962, 'with': 0.02727368250248621, '<s>': 0.023435708793644882, 'which': 0.01997369425877864, 'as': 0.017159513113650854}, {'the': 0.682637952668743, 'a': 0.05956084127055358, 'this': 0.050662710130313454, 'his': 0.03947855362105739, 'any': 0.0209585101879634, 'tho': 0.02047450559813516, 'good': 0.02043195867288421, 'such': 0.01990617836689927, 'other': 0.016387614845909098}, {'of': 0.37189367391599204, 'in': 0.15157563508880376, 'to': 0.10280957325579029, 'and': 0.05792803727799193, 'on': 0.05253093773278072, 'that': 0.04956168517153245, 'by': 0.04429219363014778, 'from': 0.0394388766056192, 'with': 0.03199847484136797}, {'a': 0.708228529740691, 'A': 0.09056084996810317, 'past': 0.05916545251715623, 'very': 0.030016786701934754, 'the': 0.028847328005720978, 'last': 0.0280195504821882, 'next': 0.017325848968647486, 'is': 0.012230230415768926, 'are': 0.007430400121659695}, {'to': 0.6894113430436539, 'and': 0.055030609312269184, 'or': 0.03329808126056637, 'the': 0.0325255464221278, 'with': 0.03022043455879167, 'of': 0.027144420314600955, 'not': 0.025307686640884015, 'for': 0.022378195354542937, 'at': 0.020990175217819946}, {'the': 0.7213975295834513, 'The': 0.09903491951451332, 'tho': 0.037280695722040506, 'this': 0.03589414635203475, 'that': 0.02247330596811029, 'and': 0.013750272187719006, 'tbe': 0.013607209016449082, 'This': 0.009656053623088311, 'a': 0.008054454043755224}, {'the': 0.21456871504687053, 'and': 0.11484546439069324, 'of': 0.07004657379642631, 'a': 0.060416153576170674, 'that': 0.03126458835825118, 'his': 0.03056456448442087, 'The': 0.01772751215855831, 'by': 0.01740825213512227, 'to': 0.01551805962224528}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.14280439654161617, 'and': 0.08584257541161089, 'of': 0.05045891310671314, 'in': 0.039807202016375776, 'to': 0.032429590487615394, 'that': 0.030122868630677004, 'which': 0.01959276188975219, 'or': 0.01855400846715158, '<s>': 0.018445229657109624}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'provisions': 0.08073715935827591, 'copy': 0.0736391560682133, 'date': 0.06126785618911646, 'part': 0.060156443727493014, 'one': 0.05072927588670638, 'out': 0.046544744589770135, 'people': 0.04379595747442379, 'publication': 0.03754965700161905, 'members': 0.02629976277855684}, {'more': 0.18777828821490433, 'less': 0.15709969876795166, 'rather': 0.07725734195226332, 'better': 0.05424351867141102, 'greater': 0.04857449331865704, 'higher': 0.018848742879106494, 'other': 0.018125629288054616, 'worse': 0.016889435689122552, 'and': 0.015162596626144574}, {'the': 0.3635414869651843, 'and': 0.08785429679939943, 'an': 0.08298885429664617, 'The': 0.08089379262746463, 'to': 0.053333465872514446, 'of': 0.05027861892416167, 'a': 0.03754183576164339, 'was': 0.032014848811706145, 'that': 0.02740391696492835}, {'to': 0.11495506970688947, 'and': 0.0918393574270878, 'of': 0.05425215205235922, 'the': 0.038148505989931185, 'is': 0.033204246463063636, 'in': 0.0295109246546491, 'was': 0.028580498797366398, 'con-': 0.02505349819126404, 'will': 0.023876091631703095}, {'to': 0.5495627757626548, 'the': 0.08505566434509326, 'of': 0.0738792570911363, 'not': 0.05283836178752627, 'will': 0.05140871064671181, 'and': 0.03080571513325598, 'a': 0.03072274011265894, 'no': 0.02113504079154958, 'shall': 0.01745384543326476}, {'and': 0.11439383521292945, 'to': 0.09939850745766068, 'of': 0.09335920197628776, 'the': 0.05970666806226892, 'or': 0.030646855391831145, 'be': 0.02979948052684674, 'in': 0.026755053127620464, 'was': 0.025588918983827893, 'is': 0.022192796959471302}, {'of': 0.37857068519501264, 'in': 0.13493450508139104, 'to': 0.08201355692550556, 'by': 0.06643084075823907, 'that': 0.06421621095020746, 'with': 0.05601108895554165, 'for': 0.04859678973654612, 'and': 0.047716079702253375, 'In': 0.026518559821981032}, {'the': 0.3081704921345317, 'and': 0.14563356699862448, 'of': 0.09842432366828942, 'an': 0.09148232151363947, 'to': 0.07790546686964919, 'The': 0.058087617945349, 'with': 0.04093263958662233, 'by': 0.03292129590550783, 'was': 0.028982963647734856}, {'a': 0.14120156762119984, 'of': 0.11780078094720874, 'the': 0.09833066537571886, 'to': 0.07625836186351849, 'in': 0.052682418986463156, 'and': 0.04347469849318847, 'by': 0.03394319897315373, 'with': 0.023270722471525417, 'that': 0.017850613035492215}, {'made': 0.09258308457187579, 'and': 0.07427611657840591, 'followed': 0.057273734877252624, 'accompanied': 0.055453151534743776, 'up': 0.0358708215947634, 'foreclosed': 0.032210761303777966, 'given': 0.031094632090577362, 'surrounded': 0.029245209763896034, 'caused': 0.025765146013562553}, {'of': 0.4233173046579086, 'in': 0.12614691137355816, 'to': 0.08413457354502529, 'by': 0.057979484330800725, 'on': 0.05517837383315861, 'for': 0.052643388613222514, 'and': 0.05065570161752683, 'that': 0.046751758609308525, 'In': 0.03181037530300932}, {'a': 0.5313020469401611, 'the': 0.19386453441099083, 'A': 0.1173687419469285, 'The': 0.03268485554468911, 'this': 0.025124129798067517, 'and': 0.018014696651643517, 'very': 0.016925604327333373, 'any': 0.012740333623720035, 'one': 0.012480139578179686}, {'thousand': 0.2331985412168527, 'hundred': 0.11181884519538818, 'of': 0.056135676346093434, 'million': 0.047224260317493, 'fifty': 0.044915037416025455, 'ten': 0.032004145390051156, 'five': 0.030340801250050047, 'sand': 0.016292300628935046, 'to': 0.014274084262226129}, {'the': 0.34816917693699606, 'this': 0.15581874641020393, 'This': 0.136230239833416, 'The': 0.11835713912312912, 'that': 0.05577075935312397, 'a': 0.049765507670926835, 'his': 0.025847279205856867, 'tho': 0.021874788025350752, 'which': 0.015986700551029635}, {'the': 0.28898549823782504, 'and': 0.16003567576316463, 'a': 0.05632769534575437, 'The': 0.042556781399292413, 'his': 0.04091316002173392, 'of': 0.031306867192148036, 'two': 0.028255299363615424, 'their': 0.02645039091083705, 'her': 0.025374611792750985}, {'the': 0.602886452834178, 'of': 0.10496073448010095, 'and': 0.04552584517692665, 'tho': 0.031937156559426104, 'their': 0.024688902885562823, 'other': 0.021353214250670563, 'The': 0.020456570111327857, 'his': 0.01886735299390221, 'in': 0.018399898983538394}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'per': 0.30990756261913954, 'a': 0.2882057390190675, 'the': 0.14750894422143543, 'last': 0.055214592601764964, 'every': 0.03636593796659104, 'one': 0.03510380806858244, 'this': 0.020322713058318873, 'each': 0.018943446669272605, 'next': 0.016298734760798884}, {'the': 0.4026982344349783, 'a': 0.21506637821852664, 'of': 0.06747153765043727, 'The': 0.04957228031098735, 'very': 0.037462791335134527, 'and': 0.0271534810461839, 'as': 0.02572962755967955, 'tho': 0.021276321226385085, 'all': 0.017733016252959012}, {'Sec.': 0.23475969665074034, 'Section': 0.21590166613754175, 'SECTION': 0.04956157992077343, 'March': 0.03707940066901153, 'May': 0.03635823960376263, 'July': 0.031112646642120528, 'April': 0.02499042465623794, 'No.': 0.02406394159059117, 'Sec': 0.02252626446218171}, {'it': 0.13622730840104183, 'he': 0.10919798603572144, 'and': 0.10286982554285334, 'It': 0.07218627702298036, 'she': 0.05275836797024928, 'I': 0.038352122575224135, 'which': 0.037486515583925205, 'He': 0.03409935855583516, 'that': 0.030781357815076234}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.13597127182079377, 'and': 0.11760313207506448, 'the': 0.1100003243440368, 'in': 0.068579789077492, 'to': 0.045805458530614615, 'for': 0.04555676674725724, 'that': 0.02984191141256714, 'at': 0.022508580907045637, 'as': 0.01881400028186395}, {'of': 0.23004332341296221, 'to': 0.1878448141168378, 'with': 0.12209219133949994, 'at': 0.09133015443779072, 'in': 0.06218508490202391, 'from': 0.054927026920592155, 'by': 0.0507242305698412, 'for': 0.049614726561658044, 'on': 0.048454019322565316}, {'the': 0.43271186067480477, 'of': 0.08533087995232562, 'and': 0.03909245609129769, 'The': 0.02538401391235171, 'tho': 0.024602061540154607, 'a': 0.021866380371464166, 'or': 0.015976142837096773, 'our': 0.015783970778843113, 'his': 0.012810759855500599}, {'to': 0.19289066388018347, 'and': 0.15150564031531022, 'of': 0.034325449051798046, 'I': 0.032123311600779615, 'the': 0.026532316743659502, 'had': 0.02476771874406759, 'who': 0.024096268873853327, 'would': 0.02400901055048154, 'not': 0.02355560963511118}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'it': 0.2767746804462922, 'It': 0.1392847703568759, 'there': 0.07727980240897835, 'he': 0.06667869063938851, 'that': 0.06075776739853867, 'they': 0.048036591824296745, 'which': 0.04432484615907303, 'and': 0.031658081059459095, 'I': 0.019831117151427383}, {'a': 0.2970385918687689, 'the': 0.28350571820006404, 'of': 0.09604762540141244, 'and': 0.07299521034208618, 'in': 0.04365731763268701, 'to': 0.03872304674283676, 'their': 0.03659858347199381, 'with': 0.035269091262316664, 'his': 0.032313234438362023}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.15821227495577037, 'and': 0.11752366931656238, 'of': 0.08516712164189216, 'The': 0.038265500375832706, 'that': 0.032432579756374556, 'these': 0.02833555550457424, 'These': 0.026726669763101805, 'in': 0.0257196509850291, 'such': 0.02130320762261513}, {'the': 0.13545136557342277, 'of': 0.11669137130403105, 'and': 0.06286160068431816, 'The': 0.03523234577001595, 'in': 0.03518856560007497, 'that': 0.03180397948372066, 'to': 0.025589510837984154, 'a': 0.019064934413889758, 'Mr.': 0.018081259932394282}, {'able': 0.09286287957130887, 'enough': 0.06548292162233135, 'order': 0.06356236996738905, 'and': 0.060702002242487556, 'right': 0.05874791641163941, 'is': 0.0587214371346226, 'unable': 0.05615720994294649, 'began': 0.0511445913818685, 'ready': 0.050591687776039625}, {'to': 0.30430870253120257, 'will': 0.21250189842778877, 'would': 0.1261708382978394, 'should': 0.08012161943715636, 'may': 0.06971102658969223, 'shall': 0.049128169974632055, 'must': 0.045884692571982424, 'not': 0.03954307787209923, 'can': 0.03208646035525109}, {'was': 0.2379057854871367, 'are': 0.14040695593690586, 'been': 0.1232110030071756, 'be': 0.11846999604607159, 'were': 0.11073230283069532, 'is': 0.09658269940235432, 'being': 0.035443555499264326, 'and': 0.021529198896576538, 'not': 0.018672494984116435}, {'he': 0.1249917496902977, 'and': 0.117817590924018, 'was': 0.11265534514992366, 'be': 0.10675248408398756, 'is': 0.047065306734295057, 'I': 0.04175581725434744, 'been': 0.04037316072073466, 'He': 0.03807756086159398, 'were': 0.03477067371650241}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.14661156635348793, 'which': 0.1383213394163729, 'he': 0.08222087559945765, 'that': 0.07567166768935951, 'have': 0.07066199222585488, 'had': 0.05286306063119021, 'has': 0.04837061591575889, 'He': 0.02977579889854127, 'who': 0.02295965100697497}, {'the': 0.41785533527076074, 'to': 0.06573602482005134, 'said': 0.06295267301136712, 'either': 0.05625423038613916, 'this': 0.05418200743671547, 'any': 0.04254522407639012, 'that': 0.029153918417897547, 'tho': 0.027610609612974537, 'at': 0.026085970887488947}, {'of': 0.23928080253822537, 'to': 0.14432802064136205, 'at': 0.1045455083118045, 'in': 0.08060401052434382, 'for': 0.05717495888028197, 'and': 0.03868129612210391, 'In': 0.03114316621115399, 'that': 0.02620389775003807, 'with': 0.019874643132225322}, {'to': 0.22134660894054595, 'and': 0.13250098946494548, 'that': 0.11599449992765307, 'will': 0.07614170843492363, 'which': 0.05288642756428596, 'as': 0.04847561947133676, 'would': 0.04198460353396451, 'but': 0.027686204162849865, 'not': 0.022315814341762878}, {'and': 0.09502610714473127, 'was': 0.039115933512883665, 'file': 0.03793161480729625, 'that': 0.03677615297718056, 'made': 0.036700071003269344, 'is': 0.028467206571729985, 'but': 0.025417173018204134, 'people': 0.02535799418564111, 'them': 0.021456971778778814}, {'It': 0.2751342609974053, 'there': 0.13833418423687724, 'it': 0.08843557413907843, 'There': 0.08794181912640665, 'This': 0.036906359106277056, 'which': 0.03433728429426494, 'that': 0.0312191942896644, 'he': 0.029330371074858648, 'and': 0.017594465578858534}, {'a': 0.2792665407099377, 'one': 0.12512767911163614, 'the': 0.09440785305115071, 'northeast': 0.08322385009014378, 'southwest': 0.04804466133395212, 'northwest': 0.03631594102990262, 'southeast': 0.03460627947145247, 'this': 0.03391595293094248, 'next': 0.026539349603051467}, {'I': 0.19255611180494195, 'would': 0.12608715790717032, 'they': 0.11394839147270408, 'who': 0.10459494927676034, 'we': 0.07722233103365529, 'to': 0.06409733844382377, 'will': 0.05214776963067697, 'and': 0.050350923302408576, 'you': 0.04786976750471792}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.10976926383669655, 'and': 0.09389320673720064, 'the': 0.08989918707511756, 'to': 0.05900214867803567, 'for': 0.02256135431622796, 'in': 0.022110144477942382, 'a': 0.01779879789931167, 'which': 0.01539783671831417, 'that': 0.0152023717511207}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'of': 0.2217630326817859, 'and': 0.11587625434850564, 'in': 0.1048187262915866, 'to': 0.09279008220649658, 'that': 0.09139834269376317, 'by': 0.05842773982662517, 'with': 0.05487938847321879, 'for': 0.04313477012465337, 'at': 0.03668300287506653}, {'on': 0.1962978110789381, 'was': 0.13610117608698355, 'is': 0.11525584898433952, 'of': 0.08436397119129539, 'and': 0.08146308206463078, 'as': 0.07542481738761857, 'in': 0.06539791269029392, 'to': 0.05766002408892129, 'be': 0.04456405297155174}, {'and': 0.16195100731594275, 'the': 0.05687026230441127, 'of': 0.05589273915481334, 'be': 0.049933615758634836, 'which': 0.04416046451221262, 'an': 0.04093016749351961, 'he': 0.040651707630295464, 'or': 0.03756257105584484, 'that': 0.03280543755095826}, {'and': 0.1159275643934533, 'was': 0.07973462307664586, 'to': 0.07804996862188403, 'that': 0.06161135144508486, 'of': 0.042727127468375314, 'after': 0.03403482400212948, 'but': 0.03137027359074502, 'is': 0.028436071010715686, 'or': 0.024271413073905453}, {'and': 0.13280244584247217, 'is': 0.09959385752149963, 'fact': 0.07511618546377091, 'know': 0.042470001379892874, 'so': 0.040354402801890905, 'say': 0.035951172651469514, 'said': 0.030990063660399664, 'but': 0.030039539557273173, 'was': 0.029826677718007975}, {'the': 0.09473500747237074, 'of': 0.09178335762580454, 'to': 0.08062627086919169, 'and': 0.07802325240031939, 'be': 0.053995190724476116, 'in': 0.04823057183165691, 'for': 0.04033959211312805, 'was': 0.03703346417381591, 'is': 0.03178256922289126}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'in': 0.3365698500579646, 'the': 0.08820651194388654, 'into': 0.07448788443347218, 'their': 0.06677351705873127, 'his': 0.06668094659666482, 'its': 0.062360547855108056, 'In': 0.061863898434473395, 'of': 0.06026923663880401, 'and': 0.04373300508961621}, {'the': 0.10152350330723316, 'and': 0.08585345918703786, 'be': 0.06651110320896302, 'was': 0.06604720700496236, 'of': 0.061521023673210634, 'to': 0.04656741658199581, 'is': 0.04004951896640153, 'been': 0.03296236907398091, 'a': 0.028864141860157844}, {'<s>': 0.052076167887244146, 'it.': 0.02191878355676505, 'them.': 0.016048519186519235, 'him.': 0.01140804854984159, 'time.': 0.010474840435544796, '.': 0.010162361294757895, 'years.': 0.00915069342688971, 'day.': 0.008859320233183605, 'year.': 0.008415197853348553}, {'for': 0.6363708057634496, 'For': 0.09691959028958728, 'of': 0.06886623580377442, 'and': 0.045663023856922544, 'in': 0.030903310615654992, 'the': 0.026742420154414498, 'about': 0.0227329847693925, 'past': 0.018798021079569054, 'to': 0.017710470946629357}, {'of': 0.16653433991712163, 'as': 0.15997372892427633, 'in': 0.09292347765215629, 'to': 0.08477620200540731, 'for': 0.06740471336674803, 'and': 0.060295228588210154, 'with': 0.056753244378973645, 'is': 0.05625105060464082, 'that': 0.05482523621104029}, {'J': 0.0871839580872327, '.': 0.07290767092711596, 'of': 0.04528948633133929, 'and': 0.043338064949788854, 'the': 0.03695661951426346, 'W': 0.03389477665117475, 'to': 0.03228007727837288, 'J.': 0.02853580148706932, 'A': 0.022014323049614915}, {'the': 0.2721038014780633, 'of': 0.13513428244964112, 'and': 0.09671703143631775, 'The': 0.04892801210623337, 'per': 0.03386209767933454, 'a': 0.028673823529491122, 'by': 0.026050007708122876, 'with': 0.020420221784993357, 'that': 0.020052475732288595}, {'and': 0.08550843556289356, "o'clock": 0.03763912921482532, 'made': 0.03411980021563378, 'recorded': 0.03196200505829912, 'was': 0.030278267334280434, 'up': 0.029171601806547362, 'that': 0.025365169526273094, 'it': 0.025149650149980426, 'is': 0.02212457014280205}, {'necessaries': 0.08409481845503029, 'out': 0.05425666720930629, 'amount': 0.04042435096315002, 'number': 0.04014254625897395, 'state': 0.03867673280280192, 'cost': 0.028252181465847123, 'point': 0.024777709114752074, 'kind': 0.02463303711342097, 'system': 0.02334051588818487}, {'the': 0.2985085615595967, 'Wall': 0.052022239207768925, 'Main': 0.03414745283135145, 'of': 0.0208975026360932, 'at': 0.015862959458675344, 'Third': 0.015455792053963796, 'Grand': 0.015002902466017204, 'tho': 0.014397737506814712, 'Fifth': 0.013864971566710436}, {'have': 0.08502428983608339, 'had': 0.07739514175167914, 'and': 0.0662588192484785, 'is': 0.06315330631604207, 'able': 0.06137181276483559, 'him': 0.05515936561712822, 'not': 0.05341219654332711, 'enough': 0.04858354713774574, 'time': 0.04560297291769503}, {'arrived': 0.09419450081784143, 'and': 0.09162244901328165, 'brought': 0.09142793950701529, 'was': 0.08807776557343691, 'came': 0.06287485766187882, 'is': 0.04936703642865422, 'are': 0.04652671977379512, 'come': 0.040014619491299676, 'held': 0.033188165392161614}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.16893261551284805, 'a': 0.11197423758634144, 'of': 0.1057234193390409, 'and': 0.052888731253126146, 'in': 0.046899554319655645, 'to': 0.04352276117552966, 'for': 0.02597980029546445, 'his': 0.017708245577563224, 'on': 0.017154308398731645}, {'a': 0.26075705249134074, 'young': 0.1227880342195976, 'the': 0.10389789290856388, 'old': 0.03620993563812115, 'to': 0.033536556742848375, 'and': 0.025660356204252284, 'of': 0.022002266488418652, 'every': 0.01878208272880823, 'A': 0.016191885792817103}, {'the': 0.6677438126129792, 'a': 0.06513747812423348, 'of': 0.06111964329414339, 'The': 0.04306938278424108, 'and': 0.030659634303764453, 'tho': 0.029002048888834033, 'to': 0.025894064783012857, 'their': 0.024340048551912696, 'our': 0.02093596306617399}, {'the': 0.2714251525117871, 'a': 0.12932136510061745, 'of': 0.08991461928746872, 'and': 0.05924687423288278, 'in': 0.05798189865419363, 'an': 0.034973137519312796, 'to': 0.02104002981465678, 'tho': 0.01897236527293626, 'The': 0.017364665544917054}, {'he': 0.18945563587990782, 'I': 0.17079314944791016, 'that': 0.07493163773584476, 'they': 0.07228730425943258, 'it': 0.067180762867056, 'and': 0.054961303713025315, 'you': 0.053369664972324315, 'we': 0.04753567804910791, 'who': 0.03918103567041695}, {'of': 0.3515135860590465, 'on': 0.12253238606730008, 'to': 0.09390869911530408, 'and': 0.07534551718617043, 'in': 0.059408854452453835, 'by': 0.05747472834002497, 'that': 0.05433595103597956, 'from': 0.034783539109071455, 'with': 0.03402791176908791}, {'of': 0.07779918043414362, 'and': 0.07725521509889113, 'to': 0.0766966387530607, 'the': 0.07170830168495326, 'in': 0.06353132727194553, 'a': 0.03323898128184523, 'was': 0.02973701613603953, 'is': 0.0297153225243694, 'for': 0.025881102494688897}, {'of': 0.14568860325516358, 'in': 0.1153386844285464, 'to': 0.10663708797339196, 'for': 0.083143127527814, 'and': 0.08008267295356196, 'with': 0.0738144479570753, 'is': 0.06261556597358682, 'as': 0.0580277990803934, 'by': 0.05580551717172515}, {'hundred': 0.06741247779570834, 'men': 0.022619124909847944, 'land': 0.01844392441840426, 'gold': 0.016574774456559496, 'power': 0.014568223075342942, 'one': 0.01271489635879207, 'States': 0.011972886505366707, 'life': 0.01173870198728508, 'Baltimore': 0.010802654055733508}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'a': 0.1743059615799592, 'would': 0.08351431426371511, 'was': 0.0587772044451969, 'much': 0.05822035405202305, 'and': 0.04872089396814672, 'the': 0.046757136092865206, 'looked': 0.03722048743558535, 'not': 0.03494908040332897, 'something': 0.03491527943050673}, {'and': 0.11610082320780474, 'do': 0.06715448809404495, 'was': 0.05625064702079133, 'amended': 0.054814477845873545, 'as': 0.04915098627623175, 'is': 0.045769254176280603, 'be': 0.04488175302564764, 'not': 0.04438825277498783, 'are': 0.04051069221481359}, {'the': 0.21065193915565517, 'of': 0.08219053896537407, 'and': 0.07306876381982752, 'a': 0.0650262061620037, 'in': 0.027644545321932796, 'to': 0.0232139415987013, 'for': 0.020777803950531606, 'or': 0.019870333459705278, 'that': 0.018938212295875053}, {'the': 0.17087116299664976, 'of': 0.10190142499721039, 'a': 0.08412097900898033, 'and': 0.05260551021227671, 'or': 0.041810499317992585, 'to': 0.040100648227773907, 'in': 0.033880585424514977, 'any': 0.0240775442330798, 'be': 0.019258494327570132}, {'of': 0.28148236747820854, 'and': 0.10245082832640225, 'the': 0.0853339291108166, 'to': 0.08370026823222301, 'in': 0.04671447207768084, 'an': 0.037354191267778065, 'by': 0.03374180654409008, 'are': 0.024325107508429485, 'with': 0.02328868477473554}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'to': 0.19895756040878376, 'have': 0.1392896026041734, 'had': 0.1261625989548895, 'has': 0.10652735932372256, 'will': 0.10556760620990038, 'not': 0.07553823324148685, 'would': 0.0698895490179399, 'they': 0.04236728738596837, 'may': 0.03735017620482483}, {'within': 0.5768147120214735, 'or': 0.05515489274890569, 'and': 0.05103377054838069, 'of': 0.04989096477344026, 'about': 0.04981199483705992, 'than': 0.04610534835471647, 'least': 0.039446522093503494, 'in': 0.03822742075672646, 'for': 0.03778338037749297}, {'be': 0.1309528955459432, 'he': 0.12355066808225638, 'was': 0.09030250571206463, 'had': 0.08963916384211755, 'and': 0.08814650743719062, 'I': 0.08291536006054177, 'have': 0.06473202380632716, 'has': 0.05722186319850861, 'He': 0.03748581768580322}, {'and': 0.11466261124671324, 'was': 0.04183008781999923, 'held': 0.03556966805171333, 'Beginning': 0.02896819071614559, 'is': 0.02752856476682257, 'look': 0.026279900325162895, 'arrived': 0.02597799389057782, 'that': 0.025271294744426742, 'interest': 0.023893646310221173}, {'the': 0.1355546317156509, 'of': 0.06745748286571941, 'and': 0.05993987978337236, 'a': 0.04504339233574572, 'to': 0.04015474787256693, 'is': 0.02289191077719111, 'at': 0.02214267519214148, 'in': 0.02023722098834309, 'be': 0.020157505794293477}, {'that': 0.19334165128296624, 'and': 0.18742737884450153, 'but': 0.10569903914763065, 'as': 0.0761181804251399, 'which': 0.05807654670077377, 'if': 0.03936126387756893, 'when': 0.03767480503209417, 'where': 0.027471127676823876, 'But': 0.024854195042196804}, {'to': 0.33490759496434347, 'of': 0.12476036931883523, 'the': 0.09756493682601605, 'by': 0.05493344755488259, 'a': 0.05458153115972022, 'in': 0.045952972702452646, 'and': 0.04195942630073186, 'from': 0.017507396171282993, 'The': 0.017166357181231426}, {'is': 0.18867700179464475, 'be': 0.14077273703711848, 'are': 0.12321304319190098, 'was': 0.1028434024519938, 'very': 0.09265645612239651, 'so': 0.0883193051801647, 'as': 0.06474186513572844, 'not': 0.06236347596939623, 'more': 0.053693031413225574}, {'more': 0.2485116831574967, 'less': 0.05897390201844004, 'better': 0.05887837686474388, 'other': 0.051719336531114955, 'rather': 0.045699615921138186, 'greater': 0.01900784530218523, 'and': 0.017407125121939166, 'worse': 0.014766038511814319, 'higher': 0.014112352683744597}, {'of': 0.1025993580532576, 'and': 0.08363103198617987, 'Mrs.': 0.07668799046315701, 'by': 0.07156830309579298, 'said': 0.028059707693433772, '.': 0.025863639106319995, 'Mr.': 0.020560870978577336, 'Dr.': 0.01958195227175879, '<s>': 0.018486377946281034}, {'of': 0.23585603547391448, 'in': 0.1429020813423501, 'by': 0.08731404500685268, 'for': 0.08481842151094786, 'as': 0.07118212150555342, 'and': 0.06960163135673071, 'with': 0.06888529956614861, 'to': 0.05842460006838774, 'that': 0.046634676437600116}, {'of': 0.29322574618774444, 'in': 0.15276537750913702, 'to': 0.1279672586733647, 'for': 0.0813370045566172, 'by': 0.06080668190866116, 'and': 0.05996587778607982, 'that': 0.05170509259513122, 'with': 0.05090002111562333, 'from': 0.042634891108803634}, {'one': 0.016205199953911776, 'more': 0.014850368963924498, 'on': 0.011077444877729834, 'day': 0.010651749053865015, 'two': 0.010644879159957422, 'person': 0.007819629515499037, 'in': 0.007673885993340908, 'man': 0.007480463731075341, 'law': 0.0064657706989891236}, {'to': 0.26070287512782125, 'will': 0.2433264634281288, 'would': 0.12204459311185208, 'may': 0.08546226707205051, 'not': 0.07232784213094494, 'should': 0.062357143940373644, 'shall': 0.060287277387740625, 'must': 0.02954666791543734, 'can': 0.025833928138136255}, {'of': 0.2311557206396914, 'in': 0.17086215846798705, 'to': 0.10216584420677265, 'and': 0.09286512977257315, 'at': 0.05795631165455747, 'In': 0.0554380662829771, 'on': 0.05337199389302352, 'that': 0.053108602607635155, 'from': 0.052382880679847}, {'of': 0.2712740907411002, 'to': 0.10814441906504069, 'and': 0.10684772367919407, 'in': 0.09677364660436165, 'on': 0.06346655942649988, 'by': 0.06288211273171287, 'with': 0.06134025949826815, 'that': 0.0500768035427526, 'for': 0.047316326701291725}, {'of': 0.16726741101326634, 'such': 0.11726021141727011, 'with': 0.1039025968799631, 'to': 0.09372397059407893, 'in': 0.0918330540170694, 'as': 0.07918008001174413, 'for': 0.06409563192899094, 'and': 0.06318565208297514, 'is': 0.05267637106961774}, {'the': 0.24000867685478142, 'and': 0.08598029536894122, 'a': 0.07051087647255876, 'of': 0.06833146632442372, 'to': 0.031179132822670798, 'in': 0.028633658676185832, 'The': 0.018087814032255064, 'his': 0.018006151366876735, 'tho': 0.01605688394575088}, {'not': 0.4092455947548054, 'can': 0.11714315806356573, 'could': 0.10510397049143085, 'would': 0.06722508382012202, 'will': 0.05947437866508357, 'the': 0.0538387369303904, 'and': 0.03449124654129798, 'that': 0.028485740035517036, 'is': 0.0248773091477689}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'<s>': 0.15788761409784105, 'it.': 0.0168449463774729, 'them.': 0.015333982508494572, 'time.': 0.010390291559918769, 'country.': 0.009117960285625682, 'year.': 0.008652789458971626, '.': 0.008297165015508666, 'day.': 0.00791887827766905, 'work.': 0.007650849610034719}, {'for': 0.20415914846080227, 'of': 0.10745609676466983, 'in': 0.10063800799326174, 'as': 0.09420123170118373, 'to': 0.08945858818071287, 'was': 0.06485840407905619, 'and': 0.06363260628951387, 'is': 0.05059420822160597, 'at': 0.047559390197152156}, {'one': 0.10189426707557457, 'part': 0.05375327286628136, 'out': 0.03741029799930595, 'sum': 0.03683083318615634, 'all': 0.03632122304366345, 'amount': 0.03522969291471805, 'sale': 0.029494060761980585, 'end': 0.0272310736346637, 'number': 0.026648393143310068}, {'and': 0.1415331654096508, 'which': 0.12241700043153744, 'he': 0.10619424692129222, 'who': 0.06651507657521756, 'it': 0.04135471632470481, 'time': 0.04116149630966287, 'I': 0.03767813858102794, 'He': 0.03675112238481185, 'It': 0.03543795043210777}, {'and': 0.15450891693242386, 'of': 0.1468824198339521, 'not': 0.04008148436857684, 'to': 0.03255220619674658, 'in': 0.03036532399767592, 'after': 0.02431296721020757, 'with': 0.023517788858736566, 'by': 0.023402589757618306, 'are': 0.021559992980169845}, {'the': 0.3220919680455423, 'to': 0.10504306405412256, 'a': 0.07057562613295588, 'one': 0.06210030676745839, 'and': 0.05104681014873044, 'an': 0.04941079213971204, 'this': 0.04921255855832343, 'that': 0.03524384590994769, 'will': 0.03127812062799455}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'of': 0.13237384905058047, 'the': 0.10084460200966042, 'Mr.': 0.07914245810275551, 'and': 0.05973683327276532, 'in': 0.05589806206509301, 'that': 0.042651934356667975, 'The': 0.03234251590045908, 'which': 0.02646939162498627, 'Mrs.': 0.023065268646516684}, {'of': 0.19517057457810233, 'any': 0.12348761713581996, 'and': 0.09422180905146803, 'in': 0.09204387641753868, 'no': 0.0915388533466032, 'the': 0.09062680839391342, 'that': 0.06291269039171282, 'only': 0.04674514075016175, 'some': 0.04470856815785814}, {'the': 0.41696278519268665, 'The': 0.08394964910230515, 'a': 0.07624863023646916, 'and': 0.06462561297588099, 'two': 0.03683693506536647, 'of': 0.0358706924068204, 'no': 0.027810618959619247, 'his': 0.024803080596716303, 'many': 0.022506618977834743}, {'and': 0.05353685554690326, '<s>': 0.01581279142827572, 'it': 0.01484243098670907, 'that': 0.01376392609320745, 'of': 0.011406620749167293, 'now': 0.011342441163194448, 'which': 0.011038966500385428, 'Mr.': 0.01070090952785485, 'but': 0.008937236600232984}, {'and': 0.21318945229648517, 'of': 0.11278977627494519, 'to': 0.09240386098400667, 'in': 0.08257991822347191, 'nearly': 0.06516872825533113, 'that': 0.05724729902268395, 'with': 0.04665468014264897, 'are': 0.0352073769837581, 'was': 0.03144873217484668}, {'foreclosed': 0.09538043014116879, 'accompanied': 0.06845597077922576, 'made': 0.061598662125208266, 'and': 0.059027214016597884, 'followed': 0.05511748685768449, 'surrounded': 0.031166549836992345, 'up': 0.025850698064541745, 'caused': 0.022929919031142654, 'secured': 0.022660668610514915}, {'and': 0.17413583350521905, 'was': 0.15771838135976088, 'is': 0.06984541766156592, 'are': 0.0638129840480124, 'of': 0.05935945797253269, 'were': 0.05245346376508391, 'been': 0.042102928985059435, 'to': 0.0400072375489462, 'while': 0.02847564352938291}, {'be': 0.2383733642734676, 'was': 0.1635964716455676, 'and': 0.11008578861736647, 'is': 0.081500736465132, 'been': 0.07729282273729247, 'have': 0.04824118457925073, 'had': 0.04611615807829945, 'has': 0.04537474551585329, 'were': 0.04139804648105011}, {'p.': 0.0655486836851639, 'a.': 0.04490669332033526, 'it': 0.0338896579576522, 'had': 0.03242060339820038, 'was': 0.0285275662771451, 'p': 0.027898972695032866, 'and': 0.02286807661225145, 'there': 0.02239722914295527, 'of': 0.019670146899362747}, {'the': 0.24978321567629264, 'of': 0.1764712261304334, 'by': 0.03894077458655358, 'in': 0.03858300037890393, 'and': 0.03698671133578132, 'to': 0.03465714312553704, 'a': 0.025304716090758805, 'that': 0.02223635368102468, 'The': 0.0204945940729888}, {'of': 0.18146574576733315, 'and': 0.17878040573901885, 'that': 0.07926182826151555, 'to': 0.06985687424649736, 'with': 0.06739624403615811, 'in': 0.05743625118184793, 'by': 0.05314814709185183, 'on': 0.03498788625804388, 'from': 0.030058982843782635}, {'as': 0.40371454293796094, 'if': 0.1637067028759428, 'is': 0.12046462287256651, 'was': 0.10396990446931993, 'and': 0.07130011291386586, 'that': 0.021621006406308967, 'If': 0.02144299793012557, 'but': 0.018241871630581986, 'be': 0.017221815132194396}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'it': 0.20236539119905736, 'It': 0.14678607946339017, 'they': 0.09761024368941484, 'he': 0.0901767145046389, 'we': 0.057278400541471666, 'which': 0.05266720549560809, 'that': 0.04691222418419917, 'who': 0.04090753629057926, 'as': 0.03143456686712306}, {'of': 0.3824893772582857, 'in': 0.1478396086158195, 'for': 0.09441547982717464, 'to': 0.09105020433514054, 'and': 0.05298846042755515, 'that': 0.04218417897398816, 'on': 0.036519157018244514, 'from': 0.03645287672492212, 'at': 0.030693073171180536}, {'of': 0.1770318688491594, 'to': 0.14888502252684382, 'and': 0.11520504935202625, 'in': 0.09351574255840837, 'is': 0.06583333621823341, 'was': 0.06372015536332748, 'for': 0.060705850533473285, 'with': 0.06039824834718386, 'that': 0.05600789152632685}, {'he': 0.2565090637284672, 'I': 0.11639587809303788, 'she': 0.0819044165554546, 'who': 0.07254709968296906, 'He': 0.06028248189772457, 'which': 0.058413902205734516, 'they': 0.053205862419656656, 'that': 0.042353554291599003, 'and': 0.035993782248296406}, {'have': 0.3255828358238317, 'has': 0.24646946705714523, 'had': 0.22365004971269362, 'not': 0.03272969069844632, 'having': 0.030915000638381845, 'bad': 0.01496838570016474, 'ever': 0.01382231302640197, 'never': 0.013735847197120303, 'havo': 0.01048593870034795}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.22952477898684867, 'the': 0.11654441637729966, 'to': 0.10997933156323028, 'a': 0.06634708863915362, 'in': 0.06473134212455454, 'and': 0.06317837645174351, 'at': 0.059155530517840206, 'by': 0.034320367148129284, 'from': 0.029967615376004265}, {'was': 0.17120422783191863, 'is': 0.15235577152004023, 'are': 0.09510968037472314, 'and': 0.08542701034782182, 'had': 0.08096458821987071, 'do': 0.07178994686468544, 'were': 0.055249712187079324, 'did': 0.05464886300207394, 'have': 0.050159053246036124}, {'to': 0.4072968318677399, 'a': 0.14407393057200413, 'will': 0.08681144802012984, 'the': 0.07692124004822534, 'not': 0.04553077922442067, 'would': 0.04092497605571048, 'and': 0.030550910005849807, 'shall': 0.024500687267837305, 'his': 0.024121592070245626}, {'<s>': 0.056726233067150855, 'it.': 0.02938791129130415, 'of': 0.02198669075687996, 'them.': 0.018203838673032328, 'him.': 0.013840152770054376, 'day.': 0.01115099449822439, 'as': 0.011063868451430583, 'time.': 0.01055314622229149, 'that': 0.009972055530637892}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.20935880067580867, 'in': 0.17743594442983682, 'to': 0.12360862392496115, 'with': 0.06835308090607678, 'from': 0.05679682676643449, 'by': 0.04919502196148861, 'for': 0.04545053586860453, 'upon': 0.035669537036746954, 'on': 0.035156297790360586}, {'the': 0.1401854199481486, 'of': 0.10665066128569842, 'and': 0.04576563827893338, 'The': 0.04423774849708722, 'Mr.': 0.04393024730769933, 'that': 0.04240013176179786, 'in': 0.04020267596778136, 'Mrs.': 0.025444262989284292, 'which': 0.024017029605201218}, {'to': 0.7242001802783911, 'will': 0.06187774340519528, 'would': 0.0442853236235232, 'and': 0.026992866057615115, 'not': 0.023042485625485925, 'shall': 0.022737106632578646, 'the': 0.019356031049048775, 'his': 0.01920629342124137, 'should': 0.017926050317427725}, {'and': 0.19127047908948266, 'the': 0.16821566121612774, 'of': 0.11215518396911481, 'a': 0.07846232085111345, 'by': 0.06402478351145659, 'with': 0.04345977107205607, 'for': 0.040297832472785775, 'to': 0.039607977837616534, 'or': 0.03328933930427958}, {'<s>': 0.05317866575660519, 'and': 0.0232572619083366, '.': 0.016541622332700328, 'was': 0.016022640860599794, 'succeeded': 0.010262732349383935, 'home': 0.008987839196606567, 'came': 0.008857885671994598, 'him': 0.0075975045279191335, 'men': 0.007429553461802363}, {'the': 0.357346522939095, 'and': 0.11188764579241066, 'of': 0.09052439635947503, 'to': 0.05432507104720523, 'The': 0.03738616995266847, 'or': 0.03448370657222762, 'tho': 0.03411107230664018, 'for': 0.027937817814246466, 'their': 0.026569189234817672}, {'the': 0.17048786722661294, 'of': 0.09677819909740547, 'and': 0.08435943901262084, 'in': 0.040817877743435545, 'for': 0.03908465376703669, 'to': 0.03673329961879029, 'a': 0.029363669794362706, 'their': 0.023390240562782764, 'be': 0.022815473801879736}, {'it': 0.1519348074147559, 'It': 0.1093109456458906, 'they': 0.08724898907433863, 'as': 0.06942640925875442, 'which': 0.0683718417839063, 'that': 0.06412733680993925, 'he': 0.06311093851203002, 'and': 0.05539605823608189, 'we': 0.05205901660208193}, {'the': 0.14018498909540425, 'Mr.': 0.1239254954235313, 'of': 0.07059155346401592, 'and': 0.06405717853272025, 'a': 0.04991544825786083, 'was': 0.03369084118427325, 'to': 0.030291046755432535, 'The': 0.027149915075597764, 'be': 0.02166047983339755}, {'to': 0.4826561876581746, 'will': 0.1591373974767904, 'would': 0.05774748654562548, 'shall': 0.057678660245045824, 'and': 0.05660557849891939, 'not': 0.051334551968920436, 'should': 0.03382848228263313, 'must': 0.021806315468519293, 'may': 0.01804515623271853}, {'of': 0.16799049016665402, 'the': 0.12972489237240337, 'and': 0.06527734094949358, 'a': 0.04308094268054591, 'to': 0.0424592522951098, 'in': 0.02125051120570634, 'by': 0.01781664917788352, 'on': 0.013455999515629997, 'are': 0.013073974517562767}, {'of': 0.32760208110389444, 'to': 0.14372343550771802, 'in': 0.08206951378252418, 'by': 0.07725759562565217, 'and': 0.06564522489660121, 'that': 0.058153175697585636, 'with': 0.04795639219914007, 'as': 0.042623738150177566, 'for': 0.03871472772922543}, {'and': 0.18596812711639624, 'the': 0.06435971312781658, 'to': 0.0563142508088424, 'that': 0.05472379313259806, 'a': 0.047203244363239055, 'of': 0.04492517406444301, 'or': 0.044647053987314715, 'as': 0.03564783477698308, 'was': 0.02218465743491563}, {'protest': 0.09121583950105695, 'and': 0.05849466309616807, 'up': 0.03860623313834851, 'made': 0.03781219670117988, 'voted': 0.034284524404800495, 'claims': 0.032725913187293544, 'vote': 0.030487224689882242, 'guard': 0.030240980595386113, 'fight': 0.030031694700912666}, {'and': 0.09960047102137048, 'made': 0.05026875193406629, 'accompanied': 0.03896004627731857, 'that': 0.03815962564011767, 'occupied': 0.03115130049182169, 'owned': 0.029663177526648873, 'side': 0.02938669736275627, 'followed': 0.02570141554708113, 'secured': 0.02480537452889029}, {'be': 0.13961400193548962, 'have': 0.13668982033227575, 'has': 0.1211610230335563, 'and': 0.11342646724883172, 'he': 0.09135174035302865, 'had': 0.07466662672183806, 'was': 0.04938564303980562, 'I': 0.04911456820802678, 'who': 0.04386727566412715}, {'and': 0.07248721693703986, 'is': 0.07221573916681942, 'able': 0.06427100079268264, 'order': 0.06068618214684502, 'have': 0.05900883591704792, 'enough': 0.05409452767878265, 'had': 0.049311889474434524, 'necessary': 0.04678279203828063, 'as': 0.04629781009243147}, {'you': 0.16566705154368516, 'they': 0.15247339855560177, 'we': 0.14697274258468088, 'I': 0.12440910645214709, 'he': 0.08534151476380773, 'and': 0.05977634398749273, 'who': 0.0594769735229383, 'We': 0.03283264410954589, 'You': 0.03202830269943449}, {'that': 0.28572464594742336, 'and': 0.2517889791684958, 'if': 0.059129858818183424, 'as': 0.05689186542102582, 'is': 0.05046057996472502, 'but': 0.04855021011305661, 'If': 0.03325188042760113, 'was': 0.028948759545101063, 'when': 0.02540530721157818}, {'to': 0.48586262762787347, 'will': 0.11320283306142316, 'we': 0.08331665255617844, 'would': 0.047212677049993004, 'I': 0.04645980390015064, 'they': 0.04067955471571606, 'could': 0.03530467131494275, 'may': 0.03425833314483419, 'you': 0.03270346762227789}, {'<s>': 0.08212620146344464, 'it.': 0.01815428827135109, 'them.': 0.01325631707554604, 'day.': 0.008625178544182249, '.': 0.0067070662517712135, 'country.': 0.0064167035963284234, 'year.': 0.0060795133034474945, 'time.': 0.005454522950408854, 'vinegar.': 0.005405078763194618}, {'of': 0.4166803363461263, 'in': 0.09157822730445243, 'and': 0.049544390500064345, 'to': 0.04258748706175013, 'the': 0.03914546639232493, 'or': 0.03220976177341517, 'for': 0.032158065687367746, 'at': 0.027865238120804162, 'about': 0.024108813063384207}, {'it': 0.11234250557224919, 'and': 0.09161920739485103, 'he': 0.08857145089877998, 'they': 0.0760763175431801, 'which': 0.06565277703640275, 'It': 0.0498626242168713, 'I': 0.04746215462277503, 'who': 0.04366721002351111, 'that': 0.04273255181370594}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'this': 0.209547703004399, 'the': 0.2038262643849567, 'a': 0.16579604311927748, 'last': 0.15912053935494302, 'next': 0.05652183395155727, 'Last': 0.04155796182616046, 'one': 0.035836848822517156, 'past': 0.023219071090402332, 'each': 0.01642860188457297}, {'together': 0.18879123456986088, 'and': 0.09361147824492429, 'connection': 0.03133235701549074, 'connected': 0.027961049132627022, 'it': 0.02447385913855087, 'do': 0.021985712739901037, 'Together': 0.02174122476298593, 'him': 0.01962660062168066, 'them': 0.01753956117612978}, {'the': 0.5794327845654964, 'this': 0.19203020229673892, 'a': 0.04581782132749923, 'tho': 0.021610276008078293, 'The': 0.02107554704807135, 'said': 0.02019011920984569, 'other': 0.019513760274802058, 'his': 0.011539971886909825, 'our': 0.011512576107652571}, {';': 0.02877053354398717, 'it,': 0.020502635964180487, 'them,': 0.012281323140814482, 'him,': 0.010264542154031074, 'in': 0.00870088368480083, 'time,': 0.00804690296269902, 'him': 0.007734210534366641, 'country,': 0.007172806566910951, 'years,': 0.0065574389468685355}, {'he': 0.16518821721036914, 'who': 0.11125255574903126, 'have': 0.10036200791336353, 'I': 0.0937468655681337, 'and': 0.08671717505923346, 'they': 0.0694695706737324, 'has': 0.050503438442016525, 'which': 0.05021915736170385, 'we': 0.04169478879107366}, {'or': 0.6484497328177037, 'the': 0.07974401510532637, 'and': 0.053139264663736044, 'a': 0.048920859554408405, 'of': 0.017727794806475263, 'this': 0.009962475812777734, 'as': 0.0095787601951294, 'in': 0.009323740642259552, 'that': 0.008634258400338704}, {'that': 0.14180631507827599, 'and': 0.12173682229848778, 'but': 0.06627296804408575, 'which': 0.050049473006325146, 'if': 0.04700556425098191, 'as': 0.046435812158964, 'when': 0.04313800024173497, 'what': 0.036177783183558056, 'If': 0.03061851789010362}, {'the': 0.11096586912939543, 'of': 0.08037138822293284, 'to': 0.05174587202106816, 'and': 0.04957523146959547, '.': 0.04441749130323926, 'Mr.': 0.041378441250508505, 'a': 0.03645243697333433, 'in': 0.02911266132799483, 'at': 0.02015621237951147}, {'day': 0.05299398808347936, 'quarter': 0.046295385755481186, 'corner': 0.02987890930396714, '.': 0.02467730665456755, 'part': 0.022356083750752966, 'line': 0.019127748002202325, 'side': 0.01869742451470161, 'years': 0.017386083881237878, 'out': 0.015054474911412577}, {'the': 0.27009762599885606, 'of': 0.13303736050665643, 'a': 0.07843377321456058, 'and': 0.04862625071635469, 'Block': 0.03878253025813337, 'to': 0.03069779730976359, 'at': 0.02448183561200871, 'in': 0.02421766671032369, 'on': 0.018468138882445116}, {'to': 0.606981907762179, 'and': 0.07749265945163052, 'of': 0.06354198634442755, 'will': 0.03896832320193177, 'a': 0.03687378886111959, 'under': 0.03245618571798691, 'not': 0.030999870458020343, 'with': 0.02485376057025205, 'the': 0.024143806881018345}, {'the': 0.1450524935836439, 'and': 0.10177379526547212, 'of': 0.07092498490510685, 'to': 0.06643859177010694, 'in': 0.043184033163470234, 'was': 0.040444756304387645, 'a': 0.037358609147802715, 'be': 0.034122654588659554, 'is': 0.024495922836782185}, {'in': 0.14885018586736937, 'and': 0.11970058644094843, 'for': 0.10576449343708648, 'of': 0.10091265545032815, 'was': 0.10032263617008859, 'is': 0.08711720808835939, 'to': 0.06674739310351997, 'with': 0.05462647932460326, 'In': 0.04773359527595931}, {'State': 0.09761468854097599, 'state': 0.06288009371489608, 'city': 0.04250767567079554, 'county': 0.034604009457719166, 'out': 0.028031264992124567, 'part': 0.02475173522131804, 'line': 0.02013082662244595, 'Secretary': 0.019927128164127686, 'side': 0.01877764643415456}, {'the': 0.2676504106684556, 'a': 0.09347221478894938, 'of': 0.09221939708113996, 'and': 0.08068928252266995, 'to': 0.06050811522199923, 'in': 0.03587902419347759, 'The': 0.023975015606437694, 'or': 0.0219470068454093, 'tho': 0.017843518712784973}, {'the': 0.24908602567981125, 'this': 0.10665302910889314, 'This': 0.09577722523523813, 'no': 0.0910100353555092, 'said': 0.08337220145499022, 'The': 0.06972866496922137, 'of': 0.05831730108793173, 'such': 0.0544014207123817, 'that': 0.05392569889778583}, {'of': 0.20326961630696808, 'in': 0.176238315268685, 'to': 0.12603780775879225, 'with': 0.08282088479584007, 'by': 0.07613838957639142, 'for': 0.06033537796030611, 'was': 0.050953720194575336, 'is': 0.04936142033380168, 'In': 0.04318522035919423}, {'<s>': 0.04048379688552022, 'it.': 0.0325712902279715, 'them.': 0.019145646798016332, 'him.': 0.011399269224012248, 'time.': 0.007502602713979714, 'again.': 0.00747816608655664, 'life.': 0.006752004498606492, 'us.': 0.006748602519455898, 'her.': 0.0066093653877652165}, {'one': 0.21683933661195337, 'some': 0.10492098764490262, 'many': 0.06046470502531617, 'all': 0.057995563500346035, 'One': 0.04615764922190895, 'Some': 0.043044096939235686, 'any': 0.03702248068295093, 'part': 0.03469369191864413, 'out': 0.033585064790865114}, {'of': 0.1770026754834782, 'the': 0.06517778380461392, 'to': 0.05355634528697815, 'and': 0.04800088114143599, 'by': 0.04210320405499929, '<s>': 0.028961503656040725, 'at': 0.025629433799432652, 'in': 0.021628816700884703, 'for': 0.021083532961036773}, {'not': 0.1773261985457441, 'is': 0.15548973170512911, 'was': 0.15093158452335567, 'and': 0.09524052119544556, 'are': 0.08428937603740287, 'be': 0.06832791993792649, 'were': 0.0529749455028974, 'but': 0.03181589337034115, 'Is': 0.025578106104142094}, {'and': 0.11736792520358612, 'that': 0.04786308738484356, 'made': 0.037441265433318154, 'is': 0.03492261740729612, 'was': 0.034646122418110326, 'placed': 0.02810210111465904, 'as': 0.02546551106103744, 'be': 0.025160666769283038, 'or': 0.024769337014637474}, {'and': 0.10219565725557253, 'to': 0.06347626028287719, 'the': 0.06306734765544529, 'of': 0.057197102275335074, 'be': 0.043913697587613265, 'was': 0.04219502750105938, 'were': 0.022176704846868255, 'is': 0.020534023715060634, 'been': 0.0193507657921618}, {'has': 0.3317527260211193, 'have': 0.32962582183424854, 'had': 0.20755917920209954, 'having': 0.027418599915108484, 'not': 0.026349769041932213, 'never': 0.013201280653925528, 'bad': 0.012155962197754094, 'always': 0.011122168213631793, 'ever': 0.010303401757090932}, {'a': 0.5857529321562617, 'most': 0.12491171046937537, 'very': 0.07816176585793287, 'and': 0.05647339412407745, 'the': 0.048402278450676434, 'his': 0.021311109625092244, 'to': 0.019595932537564746, 'more': 0.01681898604956111, 'in': 0.015602795642257337}, {'of': 0.37805010312027004, 'in': 0.18128239773937327, 'to': 0.06609409924424266, 'for': 0.0622115983992304, 'In': 0.0593977326569185, 'by': 0.049712576519122476, 'that': 0.04135946374923534, 'with': 0.037162202822143775, 'and': 0.033403577458003306}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.39470997104204847, 'in': 0.10226065278072027, 'to': 0.09289473493312904, 'by': 0.06357957903109739, 'and': 0.06253033218654992, 'that': 0.0495214934088109, 'on': 0.046663692895748024, 'from': 0.04294229822090618, 'for': 0.04186192187656066}, {'and': 0.1657382144321316, 'sale': 0.09162557022981505, 'therein': 0.07228280524107712, 'which': 0.051055123597621974, 'that': 0.04918666477759314, 'he': 0.04310983305878868, 'they': 0.029196942966698627, 'as': 0.028110542175046264, 'be': 0.02731444741302028}, {'it': 0.12222109437349153, 'and': 0.08139361243711045, 'which': 0.07816978292571687, 'they': 0.06272285370026254, 'It': 0.05902449120618012, 'that': 0.055682541270982835, 'he': 0.052284667906983946, 'there': 0.05037321621034941, 'you': 0.047348889368778777}, {'and': 0.09269407653637744, 'it': 0.05633143022940422, 'that': 0.03657833933685822, 'is': 0.030418246785394436, 'which': 0.029803984434711796, 'he': 0.022277864556516445, 'but': 0.02069392656352465, 'as': 0.0203807232521952, 'It': 0.019327113664707025}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'the': 0.28314153803112857, 'and': 0.11534826939290764, 'a': 0.07063551342393276, 'as': 0.042149021024991795, 'The': 0.03605304956709277, 'of': 0.035610977898010564, 'to': 0.033585131028692934, 'tho': 0.028163465095084068, 'that': 0.024330065577045715}, {'the': 0.13528680482326466, 'of': 0.09425882229926531, 'to': 0.09132404594310001, 'and': 0.0837282834351125, 'in': 0.029310083910469593, 'is': 0.026722557387121437, 'be': 0.02670869783703588, 'a': 0.025223967364275356, 'was': 0.023877499881394468}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.16175294380006408, 'the': 0.12338273425184235, 'to': 0.08729148042294137, 'and': 0.07945501057353412, 'in': 0.061397793527715475, 'a': 0.034373787375841076, 'as': 0.022026015764178147, 'that': 0.021796843063120793, 'which': 0.021708842037808394}, {'he': 0.29937879444148613, 'I': 0.10122404710138286, 'who': 0.0826377409657146, 'she': 0.06780903065007642, 'and': 0.06106474096302835, 'they': 0.050052091105236556, 'He': 0.0499039861013242, 'which': 0.036593898405991046, 'that': 0.03647954086005288}, {'be': 0.2108196016413031, 'and': 0.12759324163212235, 'he': 0.11095178514090102, 'I': 0.08222886962022072, 'was': 0.08127875917952827, 'have': 0.07705656895049919, 'been': 0.049489063180355675, 'ever': 0.049053046222321636, 'had': 0.04250450191328723}, {'in': 0.27332870323775427, 'of': 0.20059304116986792, 'for': 0.12252485610376702, 'to': 0.09612056651061976, 'at': 0.07497008165306276, 'In': 0.06339056727512027, 'on': 0.03776163178387513, 'from': 0.03559527660140707, 'by': 0.034568676580471344}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'to': 0.23609750558038167, 'of': 0.18927116616050538, 'with': 0.11819840893409203, 'for': 0.0756611510587785, 'upon': 0.07406978035714873, 'by': 0.04899294332014743, 'from': 0.03932807654401108, 'on': 0.03636310037706232, 'in': 0.031293667490828306}, {'the': 0.3969226324918022, 'his': 0.09465286291918411, 'of': 0.09314605839210378, 'The': 0.0550349419550966, 'their': 0.053683658980560434, 'our': 0.05364226611259122, 'her': 0.05098287739385207, 'a': 0.04433445712114539, 'and': 0.04247998667176473}, {'and': 0.176049280457193, 'the': 0.08273527984458123, 'he': 0.05759137237009877, 'as': 0.05055155501592988, 'it': 0.049598579797343306, 'It': 0.04510927342220884, 'Colum-': 0.03617435147013803, 'that': 0.03432233303624492, 'or': 0.025989947841873282}, {'I': 0.27994299375827636, 'not': 0.158930190841582, 'we': 0.12493168014753916, 'you': 0.08123435761560965, 'they': 0.08049365332364293, 'who': 0.06447477973038436, 'We': 0.05187395815181567, 'to': 0.05136617565200727, 'would': 0.03147225507487643}, {'about': 0.18486787725340995, 'of': 0.17225169766885498, 'and': 0.12181826548346084, 'than': 0.09153515946325212, 'to': 0.08573344239080255, 'for': 0.06351892603809231, 'at': 0.034241994706173305, 'nearly': 0.02611774227731108, 'over': 0.025796420082578903}, {'to': 0.14275052578669964, 'of': 0.08432374671459797, 'are': 0.08200631195189276, 'and': 0.07577254832020282, 'was': 0.07442926062311649, 'a': 0.07003941850557706, 'is': 0.0682753779535065, 'the': 0.06536087496684864, 'be': 0.05058865366915237}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.22302820841422238, 'have': 0.1344044311936042, 'be': 0.1301318285113006, 'I': 0.08593147701158305, 'had': 0.07555481501940788, 'he': 0.07519397910809852, 'been': 0.05729740038078466, 'was': 0.05590778777527322, 'has': 0.053415562149748345}, {'and': 0.09373567240246293, 'depend': 0.03836338004663328, 'based': 0.03824772294080833, 'placed': 0.037658878880170873, 'depends': 0.03741630306694303, 'called': 0.03668431560508889, 'down': 0.03262298769122071, 'made': 0.03233144866418736, 'effect': 0.02839860992487969}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'and': 0.07111456140943417, 'demand': 0.0256852383653999, 'ready': 0.02126273132343757, 'used': 0.020447301910245644, 'time': 0.018506303219785913, 'not': 0.01420080865740985, 'vote': 0.014177945812533595, 'it': 0.01407779232818357, 'candidate': 0.01328644507450521}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.1445679651448461, 'is': 0.13593291450925332, 'was': 0.10978993686530525, 'with': 0.09707711482111603, 'by': 0.078895862998436, 'for': 0.07681690077409335, 'and': 0.07210297095972658, 'to': 0.061043547504713976, 'in': 0.05974190641021396}, {'seems': 0.22995724794977193, 'seemed': 0.07037050159210625, 'come': 0.043203460537271844, 'came': 0.042470929640839705, 'as': 0.038833633669391354, 'up': 0.03533320281296621, 'and': 0.03250918889644321, 'it': 0.031010370498144292, 'occurred': 0.0300178206781563}, {'the': 0.15919806051472718, 'of': 0.14821779885078964, 'in': 0.07284177641565143, 'to': 0.05414865576653733, 'and': 0.05354193282708759, 'a': 0.03816640732989563, 'as': 0.02814390478738573, 'at': 0.026702304776002283, 'be': 0.024873187375870222}, {'the': 0.08489942321161552, 'of': 0.024437372746644592, 'two': 0.02410258317826818, 'a': 0.022950532641426376, '<s>': 0.0180853989196111, 'and': 0.013718230208371901, 'feet': 0.012931238812946274, 'at': 0.012623359097266123, 'his': 0.010572781256553325}, {'feet;': 0.18517663473154453, 'running': 0.09735290265563186, 'feet,': 0.08457506570553772, ';': 0.047993603634377754, 'feet:': 0.03963876163034353, 'street,': 0.027746605900485243, 'and': 0.026977583634721025, 'point,': 0.0242372421012466, '2;': 0.0227355062664054}, {'the': 0.23121899677297164, 'a': 0.08110102351832449, 'of': 0.057747141959402525, 'and': 0.05326835163899952, 'Mr.': 0.03603094531340196, '.': 0.025042725668146856, 'his': 0.02484282145657431, 'an': 0.021972459113314167, 'The': 0.020257307462376625}, {'of': 0.17026617051594395, 'and': 0.14661882007006047, 'to': 0.07677791937473191, 'is': 0.06530993396182211, 'with': 0.06162755375508931, 'in': 0.055107068107103904, 'for': 0.048128813225297586, 'was': 0.047237681484803375, 'that': 0.045265128107688055}, {'as': 0.32534535934432773, 'the': 0.15402785731459318, 'and': 0.060451195566847915, 'so': 0.05891343906995667, 'very': 0.04970408404631943, 'how': 0.04498792230424875, 'a': 0.040044226078625234, 'if': 0.030467774509623465, 'The': 0.028376868302388444}, {'of': 0.2744273840365511, 'the': 0.1705885130300491, 'to': 0.13720479157001067, 'by': 0.08862198806902141, 'in': 0.07405692253209942, 'and': 0.05557247032731557, 'with': 0.036891137835124425, 'which': 0.028239153135845733, 'on': 0.02811524279280348}, {'day': 0.031244771685661102, 'vein': 0.019861350905535653, 'one': 0.017697855348349088, 'line': 0.015816473162416713, 'side': 0.015103208563861584, 'part': 0.014606009936580984, 'in': 0.0129119726529039, 'on': 0.012904112357353129, 'land': 0.012681912629434933}, {'statute': 0.21569155284583388, 'and': 0.09138604729903464, 'that': 0.03891008334753278, 'or': 0.036744663753202754, 'as': 0.029880794423083137, 'is': 0.026065677442959335, 'it': 0.025317263798739314, 'was': 0.023216097336508434, 'be': 0.02281378867336393}, {'and': 0.30140084519501953, 'that': 0.08399793016258257, 'but': 0.07376334633881093, 'time': 0.031266784113819744, 'and,': 0.02152469660815441, 'was': 0.02087241049739856, 'But': 0.0186755027953601, 'it': 0.01719504149648401, 'ago,': 0.016927883403240137}, {'the': 0.19833724320050303, 'of': 0.11550080527342196, 'in': 0.056094019420498714, 'and': 0.04790811681209789, 'to': 0.044712425365122814, 'a': 0.03804722671821582, '.': 0.029052575290247747, 'at': 0.02197692849865366, 'for': 0.017323019867912102}, {'the': 0.6159371855417288, 'an': 0.08448730722704159, 'The': 0.08406675153652438, 'a': 0.05485483184293328, 'tho': 0.03509607079069512, 'no': 0.019277632228700162, 'great': 0.017309410035211435, 'tbe': 0.01668505471032995, 'sole': 0.014823148794674567}, {'the': 0.1537907128517304, 'of': 0.14707407634436545, 'a': 0.11195149052857234, 'and': 0.057154710503849626, 'in': 0.05058944573539253, 'to': 0.042735461841050794, 'that': 0.02987148591583056, 'for': 0.023591144381140308, 'an': 0.02068447407760641}, {'the': 0.10152350330723316, 'and': 0.08585345918703786, 'be': 0.06651110320896302, 'was': 0.06604720700496236, 'of': 0.061521023673210634, 'to': 0.04656741658199581, 'is': 0.04004951896640153, 'been': 0.03296236907398091, 'a': 0.028864141860157844}, {'the': 0.2555261534926073, 'of': 0.21941803218161107, 'a': 0.1051729942394491, 'for': 0.05227715965886376, 'and': 0.04768433036482316, 'such': 0.04265630387291424, 'in': 0.03631984888283477, 'all': 0.029365917449433062, 'other': 0.028383969204418134}, {'of': 0.24402059095869064, 'with': 0.11295326558842904, 'and': 0.07878058280599405, 'to': 0.07866631284151182, 'in': 0.06096656027209116, 'on': 0.04614775019157809, 'for': 0.029201872644046237, 'by': 0.025127222463451983, 'is': 0.023044967836808775}, {'the': 0.19850810625571214, 'of': 0.11103643853021818, 'to': 0.0786664699556278, 'and': 0.07751843331153636, 'a': 0.055933497800549785, 'in': 0.034195488437797746, 'be': 0.02994003634409797, 'is': 0.02463658338107408, 'for': 0.02435450358336164}, {'it': 0.14112296867809523, 'I': 0.12012205295135153, 'he': 0.10891630054414775, 'It': 0.0882109188453842, 'we': 0.08721979898729772, 'they': 0.08417326719398231, 'We': 0.03517965128778559, 'and': 0.03421316496870384, 'you': 0.028023065574874283}, {'of': 0.2770312323029466, 'in': 0.21390809098338937, 'to': 0.10490901157650626, 'at': 0.10235222409591703, 'on': 0.08563616579802556, 'In': 0.047379261404933246, 'from': 0.037162224985798124, 'by': 0.028535661435377297, 'with': 0.023731225131605426}, {'the': 0.20930549748187155, 'a': 0.09485019881820175, 'of': 0.07998467645079146, 'and': 0.059333254215514664, 'to': 0.028501204108459684, 'The': 0.028418272344299222, 'at': 0.021448793261986884, 'in': 0.019474160759420076, 'Mr.': 0.01907279083144714}, {'of': 0.1909639818161285, 'to': 0.11833819253074479, 'in': 0.1083687348273861, 'and': 0.08864040707717251, 'the': 0.07021031073972409, 'a': 0.04412152211026565, 'with': 0.03341107490948805, 'In': 0.032434862315717024, 'for': 0.027083457278588463}, {'the': 0.32910263617748553, 'and': 0.14409502210481762, 'of': 0.0891071337184719, 'for': 0.0673551775185547, 'a': 0.06343591116314654, 'in': 0.05995099133216878, 'to': 0.043882285887602034, 'or': 0.032035775531061794, 'was': 0.03125615254789926}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'the': 0.2134306187888443, 'and': 0.09051637654380026, 'of': 0.08321077938974458, 'a': 0.048793100452710306, 'be': 0.04055768750545161, 'was': 0.03784655037475862, 'to': 0.03601469752472324, 'in': 0.03315663438573834, 'is': 0.030731086698322824}, {'is': 0.38255354351054305, 'was': 0.11979299211245077, 'and': 0.10565645975783333, 'are': 0.06597809927351915, 'be': 0.05130539330243371, 'Is': 0.0512544582107525, 'has': 0.04883668564813253, 'not': 0.04354119722912936, 'it': 0.041433021822109506}, {'and': 0.11034179397234103, 'made': 0.0577684282221525, 'or': 0.039536384333847235, 'but': 0.030216079819846264, 'it': 0.028283360410148575, 'done': 0.02728750303336205, 'shown': 0.026287459162252502, 'him': 0.02457936699831058, 'ed': 0.024415612570483816}, {'of': 0.19459939694271458, 'and': 0.12800075842675934, 'in': 0.09203538281042245, 'with': 0.07373164679250288, 'is': 0.07080306910810084, 'to': 0.06816583639952763, 'was': 0.06769805421420022, 'as': 0.05437576696722404, 'by': 0.04992161276796127}, {'of': 0.2257936159899506, 'for': 0.13509529476716736, 'in': 0.11826534405023462, 'and': 0.10188067871603593, 'to': 0.10155276429344978, 'on': 0.05928090100603364, 'that': 0.05849984475783254, 'during': 0.04592243542785481, 'In': 0.04216524123007689}, {'the': 0.21761479533205028, 'of': 0.09549241390455208, 'to': 0.06831019358365364, 'at': 0.040141531265401764, 'and': 0.0383484207609831, 'by': 0.028085109523131594, '<s>': 0.022843415358840234, 'in': 0.020541165962893664, 'said': 0.018544189897598484}, {'of': 0.22892379312842137, 'in': 0.14690976014139542, 'on': 0.09897616429734661, 'to': 0.09208810434244842, 'at': 0.06464172710316554, 'for': 0.06071758924501702, 'and': 0.053994573794682324, 'In': 0.043358559108856456, 'by': 0.03903151290231264}, {'it': 0.20510203563946983, 'It': 0.1611201227612991, 'which': 0.07103047627802889, 'that': 0.06873926932020605, 'This': 0.062483008024008906, 'he': 0.04375100210067675, 'there': 0.04198077386818493, 'and': 0.04024754858158011, 'this': 0.027969069515798126}, {'the': 0.09306794330882497, 'and': 0.05444596224762168, 'a': 0.05331379620229691, 'it': 0.030439380768521443, 'of': 0.027633914207979785, 'to': 0.020922161583014017, 'at': 0.019026301910360508, 'that': 0.018246820486769216, 'he': 0.017423675235418455}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'he': 0.18959795075734936, 'it': 0.14727916672193841, 'and': 0.07706101990268144, 'I': 0.06615032993608508, 'It': 0.06610140143020486, 'He': 0.047851702377715424, 'which': 0.0451400960159548, 'she': 0.04474151687959222, 'who': 0.0372663488614885}, {'the': 0.2583911532440613, 'a': 0.2505280193591984, 'and': 0.11255415943312246, 'of': 0.060327884470892955, 'to': 0.04651142105810306, 'for': 0.03829944336827932, 'with': 0.02946527855682432, 'The': 0.021513849812172293, 'tho': 0.021045711520354407}, {'a': 0.3118341734669042, 'by': 0.17571610517114195, 'the': 0.14508726485898443, 'of': 0.09749511580619764, 'and': 0.04865979904081045, 'are': 0.04622192796279834, 'most': 0.03706738671052707, 'some': 0.03136075569489546, 'is': 0.029565226517959883}, {'to': 0.25889717420491964, 'and': 0.15405797080397135, 'will': 0.11961337367897704, 'not': 0.10068540156287988, 'we': 0.061518855817531595, 'may': 0.05447971574335027, 'would': 0.04890848133890359, 'can': 0.03663666830637083, 'you': 0.03627885758759085}, {'and': 0.11592405573615756, 'put': 0.10536686522567723, 'as': 0.0849600837191654, 'of': 0.08373117092191283, 'to': 0.07579202009352375, 'for': 0.06498590921818509, 'that': 0.05942308947553181, 'with': 0.04299310277515134, 'make': 0.03866834776219006}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'the': 0.15805282517151562, 'and': 0.09320801844167081, 'of': 0.08433572821211371, 'to': 0.051427761684831284, 'The': 0.023813564468407537, 'is': 0.019671149288055353, 'that': 0.01934571070022672, 'was': 0.017525419487133844, 'a': 0.01731675014678659}, {'a': 0.21216353305857844, 'so': 0.17411890129602287, 'feet': 0.12825192488239967, 'the': 0.07388219828767958, 'very': 0.06806240243282712, 'too': 0.04275240557642269, 'inches': 0.038992060916674516, 'as': 0.038156928042955104, 'was': 0.03655345430966747}, {'and': 0.16377960617467832, 'of': 0.14525732945502237, 'in': 0.08222101440030219, 'said': 0.06425195046385221, 'to': 0.03882362807964137, 'on': 0.03338678477093182, 'fact': 0.02820598053232466, 'for': 0.026925431261026103, 'all': 0.026083115755286056}, {'is': 0.20785191137581185, 'and': 0.13569603772594568, 'was': 0.13189350134847666, 'have': 0.06799480060790389, 'had': 0.06128491737759744, 'that': 0.05087457294976497, 'do': 0.04782131475340522, 'say': 0.04110411557020544, 'Is': 0.0403761026698293}, {'a': 0.20545879249044496, 'for': 0.16330814404031666, 'the': 0.1541446996258575, 'of': 0.10347191088864076, 'and': 0.059424294849087136, 'to': 0.049930830195535, 'at': 0.04894718128374816, 'in': 0.042138452235975114, 'very': 0.0343189655050112}, {'of': 0.23908614841361392, 'in': 0.2218992713571282, 'for': 0.07261087442475223, 'are': 0.07219421346739724, 'and': 0.06795044471015338, 'In': 0.0662584862237579, 'by': 0.05816331223831454, 'the': 0.048089590950983155, 'with': 0.04725090298439002}, {'would': 0.17779945024720675, 'to': 0.13384596995467807, 'who': 0.09657872772678129, 'they': 0.0801186691780261, 'I': 0.07157673832643867, 'which': 0.06175441121608197, 'must': 0.053300013979569974, 'might': 0.04794046605735594, 'shall': 0.04304524252072327}, {'of': 0.18877416223230467, 'and': 0.10208854454137918, 'for': 0.0734821886632337, 'the': 0.0600440511678185, 'to': 0.04554254077930543, 'in': 0.03346722039495824, 'at': 0.03310756724703702, 'be': 0.01932162746806801, 'two': 0.018127806266173892}, {'number': 0.09684954045513697, 'bushels': 0.09535527110975525, 'bushel*': 0.06369120236465117, 'lot': 0.03482001329450915, 'amount': 0.032832940813105685, 'rate': 0.03264819152964767, 'one': 0.030794843444670136, 'piece': 0.029173523429121957, 'cost': 0.02843370191695775}, {'the': 0.38890192615015706, 'a': 0.0908395308359479, 'and': 0.07050141150000497, 'The': 0.03842903486080096, 'of': 0.030941022071716496, 'tho': 0.027849399614002977, 'or': 0.015115521225907723, 'tbe': 0.014380516986369605, 'in': 0.014295167381734945}, {'the': 0.1547505196026871, 'of': 0.06132763371755837, 'to': 0.04493105239413957, 'and': 0.041298148398665545, 'be': 0.025389905755086966, 'in': 0.023075669026271475, 'or': 0.0224914009712234, 'at': 0.022345247881604417, 'a': 0.021229585879212944}, {'the': 0.42054727351444, 'a': 0.3002622178540998, 'of': 0.059015250398342614, 'The': 0.052091297528938214, 'with': 0.03838346330201711, 'and': 0.03432071438956387, 'his': 0.024516610326975757, 'tho': 0.02096469623344837, 'in': 0.01887130370978203}, {'those': 0.14353139552617927, 'man': 0.08308461637760078, 'one': 0.08166763812228751, 'and': 0.07780323100624481, 'men': 0.056624388067482205, 'all': 0.04018047365065001, 'people': 0.027130474938729256, 'persons': 0.01805189403152123, 'Those': 0.017634151394581483}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.2482723274053317, 'of': 0.16160138017801196, 'their': 0.16130663997710035, 'his': 0.05817674733915504, 'our': 0.05047351654000798, 'good': 0.03620547705765336, 'in': 0.03397610358466865, 'and': 0.031065138350431155, 'a': 0.02836163462465954}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'be': 0.2989703511038358, 'was': 0.20181097015936053, 'been': 0.12269537129282054, 'were': 0.0719740071407695, 'is': 0.06313451570287876, 'are': 0.04626825511723086, 'being': 0.04014438456206087, 'and': 0.02723095651404156, 'have': 0.019972317440894772}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'the': 0.3568031082046747, 'at': 0.2623783335914771, 'to': 0.09158310930936549, 'was': 0.04446983103151381, 'be': 0.04221586545340994, 'and': 0.03529338956403854, 'The': 0.03524372567221602, 'not': 0.03417120305774825, 'At': 0.03023430381004743}, {'containing': 0.22847252987374106, 'of': 0.17997642585706156, 'about': 0.12966492434710644, 'and': 0.08552768593744343, 'than': 0.044517644729262305, 'west': 0.02820148508422371, 'the': 0.02783962041478733, 'or': 0.027446099047015726, 'east': 0.026303527237861613}, {'of': 0.38862364340587374, 'in': 0.1176158844815283, 'to': 0.10635607938696504, 'and': 0.07794194017295886, 'by': 0.0560583560537519, 'that': 0.05305012799769992, 'with': 0.035911385521819335, 'for': 0.033928670427836836, 'all': 0.033686610394335605}, {'the': 0.2286951642694644, 'of': 0.07332074724647485, 'and': 0.060555772256716545, 'that': 0.0399360118801907, 'The': 0.03640224853187909, 'a': 0.02933415869419407, 'in': 0.026369937444413717, 'or': 0.02365352485459576, 'to': 0.020736535497092784}, {'to': 0.6459254985026084, 'and': 0.07327395980224398, 'will': 0.06559043131404652, 'not': 0.03166753525252192, 'can': 0.030820669029965435, 'could': 0.02943407853137087, 'would': 0.02831893187758174, 'I': 0.023680880312131513, 'may': 0.019643351790676458}, {'so': 0.26872970060452345, 'as': 0.14229141566110579, 'too': 0.13087403670281342, 'very': 0.10633054607868622, 'a': 0.06858095858016258, 'how': 0.05285894354488675, 'of': 0.040590331778674126, 'is': 0.04052838984627982, 'not': 0.03287889304679305}, {'and': 0.03487541281932513, 'it': 0.022987478789941163, 'was': 0.017048527291304735, 'all': 0.015817153472675535, 'as': 0.012618359812383231, 'that': 0.012515668679117799, 'the': 0.012088074585393814, 'of': 0.011706179852066512, 'a': 0.010778938340888986}, {'are': 0.13266863534265283, 'is': 0.12411164863336226, 'was': 0.12073084850819919, 'from': 0.11154094916983741, 'the': 0.09957269143044871, 'and': 0.05452408132508557, 'were': 0.052826096082474336, 'of': 0.050323051765079854, 'in': 0.03134444888114504}, {'the': 0.318414258570168, 'a': 0.18259245489717515, 'of': 0.07650339803377824, 'is': 0.052051017965129745, 'as': 0.04261414528654199, 'was': 0.04201465583786091, 'his': 0.04032393607016818, 'and': 0.03370589107355194, 'The': 0.030388531103705353}, {'of': 0.053107744797759614, 'and': 0.05206198841961023, 'the': 0.037088971588721285, '-': 0.035211812208550124, 'that': 0.021459089964599637, 'in': 0.0203098750713136, 'to': 0.019832317978654514, 'a': 0.0183758185202177, 'I': 0.01590180434692267}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'.': 0.1937006127822301, 'A.': 0.11622995758789613, 'J.': 0.10755267917423149, 'Mrs.': 0.10611540130893564, 'W.': 0.08973573624352453, 'C.': 0.07607080589214325, 'H.': 0.07136021869554296, 'E.': 0.05294416559287736, 'Mr.': 0.0505457587876203}, {'they': 0.21733845293400664, 'we': 0.13005556718945616, 'who': 0.10046568747779493, 'We': 0.06321648311417125, 'you': 0.06228302860476334, 'which': 0.060005625970767806, 'They': 0.05980462945986846, 'and': 0.04500133009934364, 'that': 0.02940589026621925}, {'just': 0.06810020086610503, 'and': 0.06428385249718956, 'is': 0.0518126500529304, 'such': 0.04180021042862105, 'well': 0.04026604355403208, 'far': 0.03963382415911562, 'it': 0.03939308483199488, 'are': 0.032319875910696884, 'not': 0.029501258574969134}, {'of': 0.27258095492630413, 'the': 0.26080725317268977, 'and': 0.09566946318358792, 'The': 0.07939200910130029, 'in': 0.0371271825110059, 'said': 0.031780221297549205, 'that': 0.02849582772076993, 'by': 0.027286745225495325, 'tho': 0.02457712465936659}, {'be': 0.297591216085206, 'been': 0.17602270708307932, 'was': 0.154917919125741, 'is': 0.07105207380992912, 'and': 0.050984990959875784, 'were': 0.04613293623428119, 'being': 0.03785818798709619, 'are': 0.02699905277987076, 'as': 0.019806382950692675}, {'of': 0.16619746458606013, 'and': 0.11082634421846155, 'to': 0.09567680035244978, 'is': 0.09185652254421771, 'with': 0.08886189038122567, 'as': 0.07466966601091757, 'was': 0.06762879332320756, 'by': 0.06109829627634191, 'that': 0.053009894009728546}, {'made': 0.07405263495470836, 'and': 0.07226263712204001, 'or': 0.036979932970028676, 'it': 0.0226757913919541, 'paid': 0.020835510581223966, 'accompanied': 0.020830511866407785, 'that': 0.01948872672563788, 'ed': 0.019159946237797064, 'done': 0.018604225718287338}, {'in': 0.4330529007725797, 'In': 0.23041004926715877, 'the': 0.10908452442871584, 'of': 0.09625653763244736, 'a': 0.024935924827837377, 'for': 0.021748899572084902, 'and': 0.015130480167909584, 'this': 0.009577883820095449, 'any': 0.009146122773715923}, {'and': 0.13217503044389908, 'that': 0.0808523944053499, 'time': 0.04409252266097369, 'them': 0.040818740107087755, 'all': 0.033175285562771085, 'it': 0.023971279002080667, 'made': 0.021858198226749996, 'or': 0.02141660973156807, 'him': 0.019834350338790253}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'the': 0.3757468323884032, 'and': 0.08787832746870203, 'to': 0.07518041996322436, 'The': 0.07288579184392713, 'an': 0.05369528132337307, 'of': 0.05205549222399526, 'his': 0.04947550273418519, 'a': 0.042195515566238975, 'their': 0.02899627303952582}, {'was': 0.24101402730760613, 'is': 0.12214761925232538, 'be': 0.10034970454118827, 'were': 0.07641729434275538, 'are': 0.0738880346411611, 'and': 0.06299232948842472, 'been': 0.054373019533297984, 'not': 0.05403368037798519, 'or': 0.04675847970732649}, {'of': 0.23556369645075598, 'the': 0.159920155153583, 'in': 0.07666378036841676, 'a': 0.05433839098395037, 'on': 0.04487453562631119, 'to': 0.04071370266734913, 'and': 0.03158115670887991, 'for': 0.023193272231292906, 'by': 0.021133441006704307}, {'the': 0.7330702504120705, 'The': 0.04861297807410795, 'tho': 0.036995959651265994, 'his': 0.026975727797377246, 'its': 0.021579373798887944, 'their': 0.021434118900950972, 'and': 0.02142944412685037, 'our': 0.015437314060572112, 'a': 0.01478489241400881}, {'the': 0.20871869673665477, 'and': 0.10455017393728253, 'a': 0.04356089906769137, 'of': 0.03275633177942093, 'or': 0.03257171467463531, 'The': 0.030240927902278707, 'old': 0.028598500419155324, 'that': 0.023472852528894715, 'tho': 0.019342217200375513}, {'is': 0.1733777147601509, 'of': 0.12902839280916878, 'as': 0.11228693954130155, 'and': 0.09307768246169029, 'to': 0.08484089254392849, 'was': 0.08257067569056027, 'with': 0.07943511127673834, 'in': 0.06810174258521118, 'be': 0.05156027911057368}, {'the': 0.5264191873366562, 'a': 0.23535125775500348, 'The': 0.04745745122631962, 'of': 0.025700682017714374, 'tho': 0.025266698088653818, 'great': 0.02309418423865785, 'and': 0.018762224605616086, 'large': 0.013035834845276756, 'any': 0.011011565168632395}, {'to': 0.5106745287163754, 'a': 0.20270341569094544, 'not': 0.05934140523030436, 'would': 0.04211890686574443, 'will': 0.03782751455729426, 'the': 0.034021525582945376, 'shall': 0.023831761139576076, 'may': 0.01846769361844857, 'could': 0.01731394698794323}, {'50': 0.1381114149011725, 'ten': 0.12151923734921272, 'fifty': 0.11903989860501964, '25': 0.09530940981160416, '10': 0.08093577260822378, 'five': 0.07329914475154253, '15': 0.07095684349615032, '5': 0.05661731670205594, '20': 0.05569236190824202}, {'feet': 0.034584731291788844, 'up': 0.03365129374192827, 'out': 0.03012601402733153, 'said': 0.02505922524460828, 'down': 0.020221321572232682, 'made': 0.01906561123503475, 'and': 0.018659307747807177, 'back': 0.018384824647927504, 'him': 0.017672699173046213}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'it': 0.07016493276455814, 'and': 0.03878220109449019, 'It': 0.031066080660019476, 'he': 0.027052152027316204, 'three': 0.02282396970755283, 'man': 0.02073702637243463, 'ten': 0.013679781285866317, 'He': 0.012827144076320116, '.': 0.010928025641362554}, {'the': 0.36751885102558896, 'of': 0.09763421399945459, 'The': 0.05542149205949953, 'young': 0.05159988365012754, 'business': 0.04600492658442465, 'and': 0.04193370082621719, 'all': 0.041223835350945905, 'other': 0.0316673600354049, 'two': 0.030910530997032712}, {'the': 0.15568525428237218, 'Mr.': 0.11352661845840616, 'of': 0.0741052632522777, 'The': 0.04848014983369766, 'and': 0.04662287945546754, 'that': 0.04309843811355618, 'a': 0.03230202603788462, 'Mrs.': 0.022114338424072632, '.': 0.01828302729721407}, {'it': 0.22627549004256103, 'It': 0.14382924771344463, 'which': 0.058548775185208686, 'he': 0.04733684456003108, 'and': 0.043720665595144, 'that': 0.03984652935210813, 'there': 0.029090697629774773, 'who': 0.024737611177075763, 'This': 0.017541571030356758}, {'of': 0.3209369401377018, 'in': 0.1850208180958925, 'and': 0.06460143191923105, 'to': 0.037678186062757024, 'by': 0.03143649266576577, 'In': 0.03005968867663558, 'the': 0.02544637567610414, 'for': 0.016907494320253104, 'New': 0.01579407056426191}, {'one': 0.12897392021378185, 'out': 0.07664784689118985, 'part': 0.06409373140028574, 'some': 0.05584305533119319, 'time': 0.03914926290286854, 'account': 0.035845171248451206, 'all': 0.032057463924492914, 'and': 0.027873419781873014, 'that': 0.02728087135118937}, {'and': 0.16370255516178248, 'or': 0.05702776017245001, 'them': 0.03660724266689296, 'done': 0.033883887117736565, 'only': 0.03118199434417082, 'but': 0.030764302818775697, 'that': 0.029486911743095184, 'him': 0.02767010595322555, 'up': 0.026035264434836992}, {'the': 0.3856524121380996, 'a': 0.30643167421807677, 'this': 0.05021448730254562, 'any': 0.030910135009026587, 'one': 0.029247843760284994, 'his': 0.028936988952219002, 'The': 0.028663996485802437, 'tho': 0.02651444595258688, 'each': 0.022746940812865147}, {'to': 0.11036722082871257, 'the': 0.0896401936532488, 'of': 0.07687242690095185, 'in': 0.0730572653205402, 'and': 0.06974366262895786, 'a': 0.05157447044717291, 'at': 0.035247971866376515, 'for': 0.02353907538048212, 'with': 0.020659322536461997}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.11818267432914413, 'and': 0.06741174998431536, 'to': 0.05868878335532746, 'that': 0.05536890470295124, 'by': 0.04892811481616545, 'girl.': 0.02389867450445092, 'boy.': 0.02142128536388101, 'with': 0.020137440796985342, '<s>': 0.017825833527668453}, {'to': 0.14725202905521348, 'and': 0.1013770172677398, 'of': 0.05655422207324338, 'the': 0.04377974260988957, 'in': 0.03316989225809315, 'is': 0.027777956639993412, 'I': 0.026394129623984682, 'for': 0.024161795534143545, 'not': 0.02380444508067005}, {'the': 0.21665834221931038, 'and': 0.10378022326532908, 'of': 0.09571518352554333, 'to': 0.07323673551096077, 'a': 0.061672746959176336, 'be': 0.033461662710327224, 'their': 0.029888323395732202, 'his': 0.027217840785367448, 'for': 0.025432162243477642}, {'and': 0.20295248587248166, 'that': 0.10406586131108178, 'as': 0.09852602230077136, 'but': 0.07542072852873259, 'it': 0.031459341432651805, 'and,': 0.022667256974441476, 'But': 0.02263161789343103, 'do': 0.022016212666520762, 'which,': 0.021401370242544165}, {'they': 0.11357306490079043, 'it': 0.10952363990875905, 'I': 0.07765493007248468, 'he': 0.07513191532080167, 'you': 0.07256156645387747, 'It': 0.07069243251057633, 'which': 0.06826594815260628, 'and': 0.06084249079477794, 'we': 0.05118790488113758}, {'that': 0.16764399408334374, 'when': 0.11034854639723189, 'as': 0.092676930514765, 'which': 0.0921126577775152, 'and': 0.08727999752298897, 'if': 0.05726187716164392, 'where': 0.04388663118824892, 'but': 0.03586073736073245, 'before': 0.03196585409382888}, {'Mr.': 0.4992866884420965, 'and': 0.08106890941826612, 'Mrs.': 0.05194720182974748, 'of': 0.04144701533283674, 'Dr.': 0.03549776925181717, 'the': 0.023089857671251397, 'Mr': 0.019960064732995924, 'Senator': 0.018030566742345405, '.': 0.017867464652566764}, {'of': 0.4823276634996401, 'in': 0.15228723879667544, 'to': 0.10028081510347066, 'by': 0.03990269008989059, 'from': 0.034232527976084545, 'In': 0.03114052041083967, 'and': 0.03070595415511212, 'for': 0.030331221267910664, 'that': 0.030280562498314803}, {'of': 0.6441744327865133, 'in': 0.09358569673830469, 'to': 0.0435458598218946, 'In': 0.033095561030218316, 'from': 0.03218904073766596, 'on': 0.03201787716965162, 'for': 0.03176401139295083, 'by': 0.021322067173339454, 'and': 0.020929968356650935}, {'at': 0.31194746439379184, 'of': 0.15568361403486652, 'to': 0.13262300922114195, 'on': 0.11941785095750432, 'in': 0.04837826860457341, 'from': 0.04328244079997197, 'and': 0.04058371038182961, 'that': 0.026375545705321832, 'with': 0.025716488291920237}, {'of': 0.15657573447876377, 'for': 0.12953982602933983, 'enable': 0.10335265383325568, 'to': 0.09449403734047829, 'from': 0.07911461915195588, 'with': 0.06860367719469555, 'upon': 0.04730036733716409, 'give': 0.0408515335793499, 'by': 0.037216153159149175}, {'in': 0.1745932204735324, 'of': 0.15156073080061974, 'to': 0.09822978091941795, 'for': 0.07476497044001913, 'with': 0.060906926033567656, 'from': 0.059319501276139996, 'by': 0.05436898506559619, 'at': 0.04069269881055261, 'In': 0.039763258217630965}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.19959717616419662, 'of': 0.1729169341823531, 'two': 0.0670624091028928, 'young': 0.06300986232953852, 'and': 0.05048263112258326, 'The': 0.03787389197642803, 'these': 0.028954178503662362, 'white': 0.023601538770117524, 'all': 0.021628653567264733}, {'of': 0.07232673771032551, 'and': 0.06517789476296632, 'to': 0.061765415638493956, 'in': 0.057824140602700094, 'for': 0.03532881455470188, 'with': 0.017878553676997432, 'not': 0.0172801518988786, 'a': 0.012104963325057262, 'is': 0.011056806693955146}, {'one': 0.12997433510289522, 'some': 0.08377118011625742, 'many': 0.04798800343674219, 'all': 0.042975672200868224, 'out': 0.04219586849122639, 'part': 0.041883132869109004, 'any': 0.029807825633738856, 'most': 0.027505834149940185, 'portion': 0.025991348419213797}, {'and': 0.10999296956286973, 'as': 0.10839237760215888, 'it': 0.05117636249688227, 'so': 0.03259824595832376, 'is': 0.03091476514384709, 'be': 0.026951472617259387, 'he': 0.025706978059849762, 'that': 0.025152382026828922, 'which': 0.02195148335674979}, {'the': 0.3971663408391499, 'an': 0.17893245524046694, 'in': 0.14623096301489458, 'In': 0.050763830891544355, 'and': 0.04877870308872034, 'The': 0.029706608641540712, 'this': 0.027798900302335984, 'tho': 0.021820365828405724, 'or': 0.020338614389089453}, {'and': 0.10274662681522928, 'of': 0.09795574128725676, 'on': 0.028842860786313214, 'that': 0.026479961669541006, 'to': 0.02434737372984308, 'with': 0.021891488937824215, 'for': 0.020990238813070546, 'in': 0.016047504258194678, '<s>': 0.015332414448967076}, {'of': 0.20484793454977882, 'in': 0.13490012160448603, 'and': 0.12686548367215172, 'to': 0.08706676056023648, 'that': 0.07627134349404718, 'with': 0.043818050617282236, 'for': 0.04103539902613311, 'In': 0.039157456877951836, 'by': 0.030307758702391725}, {'of': 0.19624625604165657, 'and': 0.13522410368438886, 'to': 0.09302596378854619, 'the': 0.07928429001856041, 'at': 0.05465413949590901, 'in': 0.04446531954620225, 'or': 0.04440861609463192, 'a': 0.02235206853783777, 'from': 0.020307576806704287}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.15919806051472718, 'of': 0.14821779885078964, 'in': 0.07284177641565143, 'to': 0.05414865576653733, 'and': 0.05354193282708759, 'a': 0.03816640732989563, 'as': 0.02814390478738573, 'at': 0.026702304776002283, 'be': 0.024873187375870222}, {'the': 0.3208550719670297, 'a': 0.2615832880619487, 'dining': 0.09645301026818816, 'this': 0.042231201475400645, 'other': 0.03015505906747849, 'of': 0.022489804225414797, 'his': 0.022208350880286, 'any': 0.02166960277971193, 'one': 0.021207897390114656}, {'the': 0.11094056158938322, 'and': 0.09607000670666706, 'of': 0.07851153254992012, 'to': 0.0744197182813695, 'be': 0.03761364860793639, 'was': 0.037000929966768396, 'on': 0.0326011487172409, 'or': 0.030831331325437868, 'is': 0.029656053788217333}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'and': 0.1521228570177448, 'that': 0.12018686651697255, 'as': 0.09487509110657169, 'which': 0.07549328916672783, 'when': 0.04320522329265642, 'but': 0.03548459506820819, 'what': 0.029783457731736976, 'if': 0.02509563710301308, 'where': 0.016240092397836036}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'on': 0.18170082954439767, 'one': 0.03833133478195037, 'day': 0.01910336256699276, 'in': 0.018209474708074023, 'and': 0.012431794829769482, 'sooner': 0.011455201897531795, 'two': 0.011046154327667491, 'sold,': 0.01012184707934965, 'of': 0.00940701728341435}, {'the': 0.022047159201015736, 'day': 0.018030136092121066, 'manner': 0.01756420550654983, 'and': 0.01680690032094815, 'way': 0.01492504873900273, 'of': 0.011284340988133846, 'year': 0.010295136581647808, 'tion': 0.009795715492717535, 'county': 0.009482079746880654}, {'the': 0.687977860561764, 'a': 0.08289488374523475, 'The': 0.04347983393551266, 'high': 0.03287615068164326, 'tho': 0.029730353178397062, 'low': 0.02808340283542904, 'tbe': 0.014787387903722735, 'and': 0.01294241653331884, 'average': 0.010872281935537029}, {'was': 0.11079156808503887, 'be': 0.10718355456351207, 'to': 0.10054955948500992, 'and': 0.0872397026816692, 'of': 0.05937718687203727, 'is': 0.04387170790071732, 'been': 0.04232605249530656, 'were': 0.03330762862122122, 'not': 0.03320490239437249}, {'Notice': 0.4500035492608051, 'notice': 0.14654774550604469, 'it': 0.05277182137339416, 'It': 0.04921870402079785, 'that': 0.02755494715492368, 'which': 0.02610316853960497, 'reference': 0.021362408785285985, 'there': 0.020592482828569805, 'he': 0.01830116822310635}, {'the': 0.419651347108014, 'and': 0.06552813460786024, 'her': 0.0383995349742869, 'his': 0.03320655850981712, 'a': 0.03154610952876512, 'my': 0.028962874303706896, 'came': 0.026953162674989792, 'tho': 0.02668290482004725, 'The': 0.023022742074433483}, {'<s>': 0.09667475549266784, 'it.': 0.02990877861069956, 'them.': 0.0252095552995717, 'time.': 0.015597167284412185, 'him.': 0.013921720263073045, 'life.': 0.010947890655971824, 'country.': 0.010791051435472305, 'years.': 0.009924595351589358, 'her.': 0.0091026969784106}, {'he': 0.19351154734790274, 'they': 0.13121347656758917, 'it': 0.12991630325116058, 'I': 0.06828581674928098, 'who': 0.05302045262554176, 'she': 0.05076097315820678, 'we': 0.048947867195380426, 'and': 0.042662929381029446, 'It': 0.04020698591598398}, {'a': 0.47741346884938546, 'the': 0.2839217534415887, 'large': 0.052606120555644446, 'great': 0.04960764630827033, 'The': 0.022034399625232813, 'vast': 0.01818588133375289, 'tho': 0.015822838811323188, 'A': 0.0131888940900677, 'and': 0.011419729374567126}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'a': 0.18815498064477099, 'is': 0.11924216282131517, 'and': 0.09333612040096784, 'not': 0.09141586688537862, 'to': 0.07259042652296503, 'I': 0.06739881240300945, 'the': 0.06402350738067296, 'we': 0.06377122668087987, 'are': 0.06278564067083064}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'there': 0.2800986942766117, 'There': 0.24028203375314458, 'It': 0.11564864436353296, 'it': 0.10643328105572215, 'which': 0.038647717338812365, 'that': 0.0315682996803196, 'and': 0.02532358409517748, 'This': 0.025290851391297876, 'he': 0.019738365748059893}, {'to': 0.39908904267874545, 'will': 0.07249409998209647, 'would': 0.06323439807342872, 'not': 0.061765860334509516, 'and': 0.057629583193935054, 'under-': 0.05702418027677046, 'I': 0.055770336657668645, 'the': 0.03651776202916682, 'they': 0.0328394497564028}, {'the': 0.19876325215346805, 'of': 0.08221233651947171, 'and': 0.07639577518885937, 'his': 0.06360116035951217, 'in': 0.06123047384469122, 'a': 0.055348625811697284, 'this': 0.049771896985085495, 'for': 0.033224871171306035, 'on': 0.032250176317290026}, {'<s>': 0.10401600528579209, 'it.': 0.02294100142869144, 'them.': 0.015459786145537169, '.': 0.009316824012968447, 'him.': 0.00913424676440208, 'country.': 0.008281589816109752, 'time.': 0.007986494321956628, 'day.': 0.007833930144827563, '?': 0.007483900370843195}, {'of': 0.1825194283307207, 'for': 0.12642317993950808, 'with': 0.12029587174758594, 'to': 0.09759605484908514, 'in': 0.05265046278172454, 'upon': 0.05229609039074023, 'by': 0.051169040203179986, 'about': 0.05035500501651403, 'do': 0.037393894200493244}, {'<s>': 0.14152917075275476, 'it.': 0.015611920450216364, '.': 0.012147698734582544, 'them.': 0.010542992475161586, 'country.': 0.010407187743073705, 'him.': 0.00871336644066783, 'time.': 0.007657797969866575, 'year.': 0.006407196060829623, 'work.': 0.005874310458891393}, {'it': 0.13787290960578877, 'he': 0.12076876478571731, 'It': 0.09115234516723242, 'which': 0.06522824064097428, 'I': 0.06159272481120636, 'and': 0.051680260640388276, 'who': 0.040644477989535834, 'He': 0.036847793268416994, 'that': 0.03449250464665571}, {'the': 0.27145947202750537, 'of': 0.16088407650200695, 'and': 0.08128969681663493, 'in': 0.059497302365331114, 'to': 0.050387823369948986, 'a': 0.0435403332539929, 'his': 0.04311930698050301, 'with': 0.029170297585876432, 'be': 0.026910729126808853}, {'of': 0.18253436518029423, 'for': 0.17400819680521928, 'about': 0.10945875193853495, 'in': 0.09869600749514179, 'with': 0.09195473603769329, 'to': 0.08515483146910488, 'upon': 0.04292816911790147, 'against': 0.03207933707094658, 'by': 0.030584462565872782}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'<s>': 0.0740300156970322, 'it.': 0.03150996689782994, '.': 0.028095625177887707, 'Resolved,': 0.02212055264621495, 'them.': 0.014012661901654254, '2.': 0.012250301729519663, '1.': 0.01073485220519095, ':': 0.009260297550049451, 'year.': 0.008926275688905529}, {'the': 0.17359122861814202, 'of': 0.10825316715849731, 'and': 0.0825710814879563, 'in': 0.06171135789754675, 'to': 0.055044459565601646, 'a': 0.037295204977900676, 'for': 0.02955373009367213, 'that': 0.028631260416428217, 'The': 0.019685380525934215}, {'feet': 0.019541719052157076, 'and': 0.018674042782892076, 'men': 0.01453088276368913, 'it': 0.01313205915704779, 'them': 0.01119580138471524, 'made': 0.010753289008698742, 'well': 0.010637074689149052, 'him': 0.009531793267895194, 'up': 0.008782782938487999}, {'the': 0.5036546107254822, 'a': 0.12580452420341964, 'The': 0.04446929294210823, 'and': 0.031516296085140845, 'tho': 0.030176996999114244, 'of': 0.0192642230436026, 'said': 0.013622447354157163, 'tbe': 0.01347426736979901, 'by': 0.011824691962096645}, {';': 0.016946516972343964, 'up': 0.016046897218152365, 'in': 0.015122678741532329, 'here': 0.008875022494710828, 'misdemeanor,': 0.0080922437227848, 'day': 0.007873128427100123, 'mortgage': 0.007428786041893181, 'years,': 0.007062601112937157, 'county,': 0.006974420224045842}, {'it': 0.31535285896553444, 'It': 0.19082323443011315, 'which': 0.056456436373723703, 'he': 0.05012491619014734, 'there': 0.039741229664507306, 'that': 0.039146620885254155, 'and': 0.03315517779963066, 'what': 0.026803520376382093, 'who': 0.019334365114611205}, {'that': 0.23941303175347867, 'as': 0.1103939286819883, 'and': 0.10146162041959504, 'if': 0.0980770111048421, 'which': 0.096869550946911, 'when': 0.08852171032454818, 'but': 0.0558289711319196, 'where': 0.05563919155116566, 'because': 0.03415076872080704}, {'one': 0.16499312791538928, 'some': 0.0539871909279995, 'all': 0.04383504255809831, 'none': 0.038203368148858316, 'many': 0.03724366622122097, 'any': 0.031616865873861325, 'and': 0.024570869766958867, 'each': 0.023652323252861214, 'that': 0.020891205744711528}, {'the': 0.6341407678924316, 'and': 0.04523955042772507, 'tho': 0.04300532999300914, 'The': 0.028319848367421387, 'said': 0.024996144561537034, 'a': 0.018072346947149213, 'an': 0.016638537426306436, 'tbe': 0.016323466768519472, 'this': 0.011833630893584808}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'I': 0.382111834047288, 'he': 0.09640255658727492, 'had': 0.08189331405987973, 'and': 0.07735019799989339, 'have': 0.06633917412604817, 'we': 0.05746778211619667, 'they': 0.047011672968792446, 'has': 0.04431828610067726, 'He': 0.03805462585297309}, {'that': 0.06409605140177606, 'and': 0.04570770557436072, 'it.': 0.02876222448648064, '<s>': 0.02781911608836203, 'them.': 0.019741207716037754, 'as': 0.012287016573348852, '?': 0.01129115960275003, 'even': 0.010920928326576465, 'but': 0.0099565381495766}, {'as': 0.8006174804515696, 'and': 0.05773736735201759, 'aa': 0.019131046654124254, 'that': 0.014287296699471723, 'which': 0.010773197447402651, 'the': 0.010602974026168395, 'ns': 0.00930604068292183, 'of': 0.007071838116303923, 'it': 0.0041115466834383855}, {'and': 0.18515451475868297, 'of': 0.1507648698009801, 'the': 0.0869917747800601, 'in': 0.06657196942654911, 'for': 0.05739711963985596, 'or': 0.04667656669657851, 'with': 0.0344952274402579, 'to': 0.03412526757660716, 'by': 0.03324023110081107}, {'and': 0.2396607565249404, 'as': 0.05556954127707325, 'that': 0.04996286361807717, 'it': 0.044314327187985704, 'is': 0.041483812740966075, 'but': 0.036835124270212585, 'was': 0.03680318405645107, 'I': 0.028826040870475744, 'which': 0.023383080886149696}, {'was': 0.14368175590491766, 'be': 0.12561129317114075, 'is': 0.1172175689946334, 'been': 0.10082851933296484, 'are': 0.08712050479351854, 'and': 0.08661521302563362, 'were': 0.04354994160987872, 'not': 0.03391748031556393, 'of': 0.031844268496830995}, {'the': 0.2767962191419501, 'a': 0.2007125903914089, 'of': 0.11080037885830618, 'and': 0.0870695525565359, 'his': 0.04301034670583759, 'their': 0.04193952010099802, 'The': 0.0319706874135796, 'its': 0.029427354201883853, 'to': 0.029078566661662527}, {'of': 0.183174007988886, 'and': 0.13689663693356616, 'a': 0.10890327484068218, 'the': 0.10594199387746805, 'as': 0.09651507642803028, 'so': 0.06288263553331362, 'is': 0.0424907918339303, 'that': 0.039514314625686366, 'very': 0.036442058677228724}, {'have': 0.2032156818753063, 'has': 0.11703450204314456, 'never': 0.11608117826144643, 'and': 0.09807029619930488, 'be': 0.08771943541902476, 'had': 0.07753233643603961, 'not': 0.05213191638450086, 'he': 0.05192172672162462, 'ever': 0.04148616823765375}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'to': 0.28718776909481497, 'will': 0.16051811009192196, 'would': 0.12047322245746653, 'may': 0.08055963026216358, 'not': 0.060419315290456146, 'should': 0.04412082035039475, 'shall': 0.03886413654397268, 'can': 0.03376971356021297, 'must': 0.03243655484065119}, {'the': 0.19158034553194916, 'of': 0.16511174766059064, 'in': 0.10725893677201347, 'by': 0.07678764466409915, 'that': 0.06683495989333557, 'and': 0.06414633067663592, 'to': 0.05943655314750509, 'from': 0.055709447888654964, 'on': 0.042368013223633975}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'and': 0.0790267590408525, 'necessary': 0.04495160163049388, 'ready': 0.044936667082454126, 'candidate': 0.036517014057203694, 'used': 0.035776363436507204, 'demand': 0.03438246387419646, 'made': 0.0319304876704674, 'reason': 0.027311106792191824, 'sufficient': 0.024204069716214423}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.05847617294659729, 'and': 0.05325481744634487, 'the': 0.03719650730009637, 'that': 0.03380688006483401, 'as': 0.0285602445402921, 'to': 0.016976801566111203, 'on': 0.013491694120011522, '<s>': 0.013373239481882326, 'West': 0.013102482823038976}, {'to': 0.1272047319316135, 'of': 0.1158517730863677, 'in': 0.11402135184800463, 'is': 0.11244869661426388, 'with': 0.0942292063981074, 'for': 0.08733831145445746, 'and': 0.07865020390293032, 'as': 0.06944801207582556, 'was': 0.060762725621752355}, {'the': 0.16697856281541437, 'of': 0.1003339393685195, 'and': 0.06984882915458458, 'a': 0.04488922607479607, 'to': 0.04088830265533055, 'his': 0.02565176292788663, 'be': 0.024770586036043842, 'my': 0.02346016304184917, 'I': 0.02178897985406721}, {'the': 0.37885229275444926, 'of': 0.2280135853604885, 'The': 0.09249000303424991, 'said': 0.05246721182519311, 'that': 0.03200582198891631, 'tho': 0.019010217137476984, 'this': 0.0186552648541791, 'and': 0.015287639932841804, 'described': 0.01265675450067734}, {'statute': 0.21569155284583388, 'and': 0.09138604729903464, 'that': 0.03891008334753278, 'or': 0.036744663753202754, 'as': 0.029880794423083137, 'is': 0.026065677442959335, 'it': 0.025317263798739314, 'was': 0.023216097336508434, 'be': 0.02281378867336393}, {'of': 0.2622787910106078, 'to': 0.09826343070959404, 'know': 0.07988670131452584, 'in': 0.07922095919574985, 'and': 0.0774425468281703, 'with': 0.06298057713872014, 'for': 0.06040120773471704, 'is': 0.049439276049072, 'see': 0.04027896061157127}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.09260497508828006, 'and': 0.09044916367920455, 'the': 0.0902681633379224, 'to': 0.0687446658213323, 'a': 0.03004786185493246, 'Mr.': 0.029177801517848, '.': 0.026685321095213946, 'in': 0.025751132542446098, 'at': 0.01733843654635477}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'it': 0.21315294934373813, 'It': 0.15174627271032398, 'which': 0.0971838595884913, 'that': 0.07098269356853523, 'he': 0.051754277211909505, 'there': 0.05113109697497361, 'and': 0.04958803348460685, 'This': 0.040716269174627326, 'what': 0.034230609187584395}, {'in': 0.1760206118992194, 'of': 0.17087882163846757, 'large': 0.08729856701264868, 'and': 0.06383821793787935, 'the': 0.05818970877254252, 'In': 0.035957774831981475, 'great': 0.035597319117496085, 'from': 0.034120034020755356, 'sufficient': 0.030014851464601887}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.8597164438367468, 'will': 0.03514289291651071, 'and': 0.031073748304513395, 'would': 0.013503830272855335, 'not': 0.011695727655064159, 'can': 0.008329633751951362, 'To': 0.005893554614315298, 'shall': 0.00547753866966228, 'who': 0.004599584697932534}, {'the': 0.1317177911877265, 'and': 0.07194695841830565, 'a': 0.06286272102095904, 'of': 0.05862672126497976, 'be': 0.04275517605960784, 'in': 0.034699599916590676, 'to': 0.03380626095968729, 'was': 0.0296082034697086, 'is': 0.025121878236452736}, {'it': 0.15565129641013795, 'he': 0.12489391322890277, 'It': 0.11955810748645317, 'I': 0.11046275447076408, 'there': 0.05676093814698148, 'and': 0.05641423458438695, 'He': 0.05519086810466625, 'which': 0.04447531836754515, 'she': 0.03821193104501578}, {'Grand': 0.7289630362778511, 'the': 0.054322702598430306, 'and': 0.03144081936755523, 'of': 0.009235622716506577, 'two': 0.004429131079842162, 'in': 0.003080602407615631, 'by': 0.0027855590850606716, 'tho': 0.002614890958029232, 'three': 0.0023404293050268013}, {'a': 0.41584080337383855, 'the': 0.17885369401749085, 'is': 0.0790166161790131, 'was': 0.059784925448750505, 'are': 0.047397825942675616, 'and': 0.0350265244123096, 'not': 0.03218640582763764, 'be': 0.027894638756258902, 'in': 0.026725548011521216}, {'sum': 0.1581193760775818, 'rate': 0.07703749493494862, 'one': 0.03972076671020592, 'amount': 0.03275313581361226, 'out': 0.03156586460999243, 'number': 0.02903889126338095, 'consisting': 0.02682727324606622, 'instead': 0.02383889213517905, 'period': 0.02335721370016328}, {'he': 0.18423755492324662, 'I': 0.10822932228458722, 'and': 0.10218750938023312, 'have': 0.08541649441681479, 'be': 0.07968728980350868, 'has': 0.04771218593746455, 'had': 0.045797071040266264, 'who': 0.0411918210197971, 'they': 0.03950063553941854}, {'and': 0.10854836152188914, 'was': 0.05177577906686515, 'him': 0.047410196156008964, 'it': 0.03898718063079554, 'up': 0.03080516560467087, 'man': 0.0270764553928477, 'found': 0.023623150149149025, 'is': 0.023474690077689746, 'her': 0.022469723403142045}, {'be': 0.13400473914668531, 'was': 0.12902385092081134, 'are': 0.10085230792991375, 'and': 0.0807844125278273, 'have': 0.07856583382770153, 'had': 0.07526002388159626, 'has': 0.07471533303403491, 'were': 0.07388142597715283, 'been': 0.07022589923913575}, {'the': 0.16746072452345465, 'a': 0.1390957312683333, 'and': 0.10815100804623079, 'of': 0.07937904553836837, 'from': 0.03616527845328805, 'his': 0.031575654455860996, 'her': 0.025603411683497335, 'The': 0.023737227398464993, 'for': 0.01921363632826241}, {'state': 0.048603732358431906, 'out': 0.04198459122969338, 'District': 0.03765913571970463, 'State': 0.03689621118960321, 'day': 0.030191990977162835, 'deed': 0.029416540231559783, 'and': 0.026341992310444935, 'one': 0.025060899456127304, 'part': 0.02240840952520426}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.2850600181771054, 'of': 0.1216460812693251, 'at': 0.05801333025613236, 'for': 0.05323417407992155, 'in': 0.05217579228318956, 'from': 0.043108705922703966, 'and': 0.03560627737107153, 'by': 0.03349099299744924, 'this': 0.029947081746683372}, {'and': 0.0941004168750069, 'days': 0.05796086974782947, 'was': 0.05522297741294859, 'or': 0.04407822092225418, 'time': 0.0435884420075973, 'that': 0.042897300417212854, 'never': 0.040325237062531556, 'long': 0.03994520629830473, 'be': 0.037416175620997257}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.20202343008387802, 'and': 0.12991255768599572, 'in': 0.12523756581453727, 'to': 0.09709230650178928, 'for': 0.06935672947313243, 'by': 0.046218941433325764, 'that': 0.04552140994071138, 'with': 0.034278045774499465, 'In': 0.02680956494258081}, {'and': 0.05740329718475146, 'able': 0.04447820485797938, 'as': 0.0412428830252039, 'is': 0.03311636821316143, 'him': 0.03278509191450811, 'going': 0.03127141472059909, 'was': 0.02893349346178422, 'enough': 0.028074318995382593, 'order': 0.0275358872701962}, {'any': 0.13925616474077385, 'no': 0.11546328421771392, 'that': 0.1092277613200623, 'No': 0.10211899147909427, 'of': 0.07512861869671611, 'the': 0.07347591523928061, 'and': 0.06312755379998782, 'but': 0.05964044035309512, 'some': 0.059516473181311584}, {'and': 0.2234829526990876, 'that': 0.10556277731125324, 'but': 0.09583303368736258, 'time': 0.04425607942037886, 'But': 0.034873472898264896, 'or': 0.018577053257005018, 'And': 0.018575774343860155, 'day': 0.015218753498306765, 'ago,': 0.01217514924285852}, {'of': 0.20321969133426293, 'the': 0.11822760259719198, 'by': 0.09295265224401035, 'and': 0.09258250589782285, 'with': 0.0889916243255762, 'to': 0.05129835402899581, 'made': 0.04306949642824316, 'in': 0.03474412162362194, 'for': 0.034586630699935665}, {'the': 0.24419881295652704, 'a': 0.17112375200621385, 'of': 0.057741744098340014, 'and': 0.05551644392762266, 'The': 0.05075133053445567, 'A': 0.024923051043369865, 'an': 0.019913635869103323, 'tho': 0.01927095954692989, 'or': 0.015190701793788626}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.2432621905866457, 'he': 0.06053028589482077, 'be': 0.046310531154637256, 'who': 0.0426997974525476, 'I': 0.04214187904440953, 'which': 0.038721043057791706, 'that': 0.034697791949772704, 'to': 0.03173055109764905, 'an': 0.02905861569030522}, {'the': 0.5323941797837798, 'a': 0.15722434901479176, 'in': 0.05359716688427834, 'The': 0.04502249244130227, 'this': 0.03838265867407093, 'tho': 0.03087259876330323, 'of': 0.017965567776887105, 'any': 0.015355707169924302, 'that': 0.01515219264978793}, {'be': 0.3039749125500613, 'was': 0.13596085309822104, 'been': 0.10215219320303788, 'are': 0.1004532934640481, 'were': 0.08789876071171634, 'is': 0.06840619309257744, 'not': 0.06634111074715145, 'and': 0.04788174714263791, 'being': 0.02226900178272218}, {'the': 0.1962041689140959, 'and': 0.0868773292133311, 'a': 0.06313810837708456, 'of': 0.048828952214513395, 'to': 0.030916016114773345, 'in': 0.025469627981011374, 'The': 0.023650930069693137, 'his': 0.019001067602949687, 'I': 0.015449907116425791}, {'of': 0.2328529814692272, 'on': 0.17954786343772378, 'to': 0.15335531733255534, 'at': 0.10535977484377297, 'in': 0.08801220630643958, 'from': 0.07136991784939758, 'and': 0.04528649652302175, 'that': 0.028313202501375073, 'for': 0.02710860305758876}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'in': 0.31236855515641393, 'of': 0.21089809849221963, 'New': 0.12127020459021896, 'from': 0.11600920994644592, 'In': 0.06299023419328642, 'to': 0.026787101281686897, 'for': 0.025830715550433182, 'at': 0.019195590627939827, 'with': 0.01767596873043119}, {'of': 0.09325370184763043, 'and': 0.09197831879285066, 'to': 0.06436914789973718, 'the': 0.052393456835550474, 'in': 0.028902650418229522, 'for': 0.02301266305727595, 'that': 0.021766458412121454, '<s>': 0.01970262167231532, 'by': 0.016099171850059817}, {'<s>': 0.05794545874280846, 'that': 0.05306400312407476, 'and': 0.028184203499259767, 'it.': 0.02471128504724403, 'but': 0.01718476727807942, 'as': 0.01466768248435974, 'them.': 0.014175614589163154, 'country.': 0.011615270763633563, 'of': 0.011235173260174407}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.061833024243936635, 'away': 0.0454291530375053, 'taken': 0.03350957364240457, 'them': 0.030643303138106096, 'come': 0.028302451553794142, 'free': 0.02742309916749523, 'received': 0.024158192001641883, 'him': 0.021126412851937445, 'out': 0.0207987342878645}, {'two': 0.1463052370732784, 'hundred': 0.0766016941425897, 'square': 0.07557921109485506, 'six': 0.066808928568064, 'five': 0.06468499751837131, 'three': 0.06453300751015002, 'four': 0.0615756648025302, 'ten': 0.056564249916318775, 'the': 0.04885699786307821}, {'the': 0.8007034843415347, 'The': 0.03477344228280352, 'tho': 0.026617556462682296, 'a': 0.020662597794800296, 'and': 0.016623546379796357, 'his': 0.015345252478367526, 'in': 0.012609230761921893, 'of': 0.00966877729589203, 'tbe': 0.008992794287471262}, {'the': 0.6749468738362933, 'said': 0.06750334576409989, 'The': 0.05202244351470416, 'of': 0.03807272367561581, 'and': 0.0318200615273752, 'tho': 0.027268940360758817, 'this': 0.02026202469123802, 'an': 0.019750803730839823, 'our': 0.0169650642951412}, {'of': 0.34087642058352835, 'in': 0.1368278754560406, 'to': 0.11217200239470022, 'and': 0.08065820960686544, 'for': 0.06091169157457228, 'with': 0.05466045850663098, 'on': 0.049966618852176604, 'that': 0.0367629186748598, 'by': 0.03283381394382496}, {'the': 0.1853865596367267, 'of': 0.10713687087609325, 'and': 0.08619657952682075, 'a': 0.08392529734739605, 'to': 0.029483827826286287, 'Mr.': 0.02704342823613128, 'is': 0.023734218962849732, 'as': 0.02372577016297653, 'The': 0.02130811882506685}, {'I': 0.17856827359594438, 'he': 0.1472795935753624, 'and': 0.1281940140719138, 'they': 0.06858336028583673, 'He': 0.06237227053729419, 'it': 0.05949814389775098, 'she': 0.04978117438735984, 'we': 0.044909030200343404, 'who': 0.0411227624365945}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'his': 0.4280832491960928, 'and': 0.13884709121056987, 'the': 0.12056156893817678, 'a': 0.044555405163727954, 'of': 0.03991694556671236, 'my': 0.035636739239735, 'their': 0.024880300719775005, 'her': 0.023833113141420312, 'your': 0.017805367620922084}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'it': 0.12395518382489676, 'and': 0.08251623903822461, 'we': 0.078306640137967, 'I': 0.06919916374950674, 'It': 0.06747210553429994, 'he': 0.06711655368131235, 'which': 0.0547992150548047, 'who': 0.048595947758338726, 'they': 0.042868469740303734}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'is': 0.1464080142634395, 'was': 0.11545002993622314, 'as': 0.10837490490899881, 'are': 0.10417967464689042, 'and': 0.09305070857890407, 'a': 0.07475111205875373, 'very': 0.06268750202113149, 'her': 0.06265928234210703, 'were': 0.05851928999200698}, {'the': 0.4225835521901268, 'a': 0.13133609153356574, 'this': 0.08443432537341813, 'any': 0.0265272348922477, 'other': 0.02298416917663622, 'every': 0.020425846852890967, 'and': 0.018753668368691457, 'great': 0.013641995459236484, 'our': 0.01285292790450678}, {'and': 0.13288150448787447, 'said': 0.07017165537354196, 'fact': 0.06230565184060085, 'so': 0.0552742305635504, 'know': 0.03914397366298807, 'believe': 0.03745217955533748, 'him': 0.035014518798243785, 'is': 0.0344620172366604, 'stated': 0.028570710106213287}, {'the': 0.6326345053537067, 'in': 0.05880727249642948, 'The': 0.054686675474620965, 'and': 0.04585482065475017, 'a': 0.039728658708987834, 'tho': 0.03511207150075322, 'great': 0.020154863964700172, 'In': 0.019754467499062973, 'of': 0.018577026540122832}, {'of': 0.13808224204318584, 'the': 0.125299484185007, 'at': 0.06922048947594912, 'and': 0.06164111619107847, 'to': 0.03804336458232739, 'in': 0.03530137066048783, 'a': 0.03208320763647205, 'on': 0.029610338813651667, 'said': 0.017857349141605378}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.2974508314094708, 'at': 0.1695909361648805, 'in': 0.08729463518281093, 'the': 0.0592737207326223, 'from': 0.059247025910579745, 'to': 0.05325174885191265, 'for': 0.025190751420982954, 'and': 0.02335815010505087, 'by': 0.017807423838092685}, {'is': 0.13296071462496864, 'was': 0.10442115777199702, 'be': 0.10219812768855946, 'the': 0.08438857947555573, 'a': 0.060762138637199654, 'in': 0.053778062862486445, 'are': 0.049117635895748336, 'feet': 0.03926841476394098, 'of': 0.03859310244485756}, {'the': 0.16697856281541437, 'of': 0.1003339393685195, 'and': 0.06984882915458458, 'a': 0.04488922607479607, 'to': 0.04088830265533055, 'his': 0.02565176292788663, 'be': 0.024770586036043842, 'my': 0.02346016304184917, 'I': 0.02178897985406721}, {'a': 0.1694303904746266, 'of': 0.13415535642042134, 'the': 0.13035102484702343, 'in': 0.06888460037503527, 'and': 0.05586455543771607, 'to': 0.03339638976320644, 'at': 0.026683714541243436, 'The': 0.019792348870861842, 'that': 0.018825234118239727}, {'a': 0.1517851521840742, 'it': 0.10848822262395273, 'and': 0.10831833308457028, 'the': 0.10649436379829767, 'is': 0.09027452640096154, 'of': 0.08852906550847824, 'was': 0.05325645773351977, 'for': 0.05006974686067567, 'no': 0.048991599214236056}, {'of': 0.3864835653244995, 'in': 0.09413659147284005, 'to': 0.09377802544634206, 'by': 0.06449244654666623, 'that': 0.0643791714840969, 'and': 0.06262188171975154, 'with': 0.052028053234395126, 'on': 0.04167479620451659, 'for': 0.039302402888545376}, {'in': 0.03878254478447345, 'it': 0.025132203624755677, 'up': 0.019858492262946968, 'time': 0.018557304811928906, 'it,': 0.017563778477656538, 'him': 0.017509761503731982, 'them': 0.016154601299764423, 'out': 0.013244182032532017, 'them,': 0.012832888007836713}, {'State': 0.09761468854097599, 'state': 0.06288009371489608, 'city': 0.04250767567079554, 'county': 0.034604009457719166, 'out': 0.028031264992124567, 'part': 0.02475173522131804, 'line': 0.02013082662244595, 'Secretary': 0.019927128164127686, 'side': 0.01877764643415456}, {'I': 0.5420983719027502, 'he': 0.10800791549978819, 'and': 0.10167659818075067, '1': 0.03549906977531947, 'He': 0.029149112400652512, 'never': 0.026721555303435885, 'she': 0.02607150477528636, 'they': 0.022371552357477203, 'we': 0.01917462060546236}, {'the': 0.1708220150469996, 'of': 0.12140322470454809, 'no': 0.06732731451758164, 'and': 0.06463980123747251, 'their': 0.06323361208287817, 'is': 0.052744722545459276, 'other': 0.03550383140913612, 'for': 0.031127298699597527, 'be': 0.029697987593029405}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'sat': 0.1233076806677023, 'laid': 0.1221160909909238, 'came': 0.08194559290445302, 'went': 0.07531206077287322, 'put': 0.07335102972499398, 'come': 0.059158669795943655, 'and': 0.05834836895694065, 'go': 0.055750360897373376, 'set': 0.04265718209303617}, {'belonging': 0.03449538861575859, 'person': 0.023611956448752656, 'one': 0.023585805306712428, 'and': 0.016146249891598897, 'more': 0.016079613634172905, 'on': 0.014218221355022846, 'two': 0.013323857703271262, 'States,': 0.011489281306928402, 'man': 0.011476063577491253}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'it': 0.17271748135885118, 'It': 0.1634701665927948, 'This': 0.114649717168125, 'which': 0.07060569815304507, 'that': 0.06206066835803908, 'this': 0.05595527987103594, 'and': 0.040139838520179334, 'there': 0.03647213271263341, 'he': 0.02983275606289565}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.27312803881050574, 'of': 0.19440382675255488, 'in': 0.10432587456793596, 'and': 0.04868802754889255, 'a': 0.04062535766951261, 'an': 0.03781048208814345, 'great': 0.0269153664249778, 'In': 0.022892083094935695, 'for': 0.02054686421272695}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'to': 0.07379547623151776, 'of': 0.06420271837009137, 'and': 0.059510121379858436, 'the': 0.058483222045621244, 'be': 0.044662869881349404, 'a': 0.03551997270470096, 'was': 0.025952816754745884, 'is': 0.01756004506032966, 'for': 0.016410547711641767}, {'and': 0.06055662846415094, 'of': 0.03277157209355721, 'the': 0.028631671333711646, 'that': 0.02440850940586862, 'how': 0.02181635424332175, 'I': 0.020214646618709586, '<s>': 0.01845012542504366, 'be': 0.017280942259023917, 'How': 0.017180212432464762}, {'of': 0.07125878608550411, 'the': 0.0606674900950082, '.': 0.05354875582324646, 'and': 0.05001188860404799, 'W.': 0.028109647017654834, 'H.': 0.02622748194948797, 'by': 0.025635254598967906, 'J.': 0.025583696445573352, 'John': 0.023311663107426113}, {'it': 0.31756592039147086, 'It': 0.20630247321959871, 'which': 0.07964386625248455, 'there': 0.0619875437386458, 'and': 0.052308366750246894, 'that': 0.04932713834515219, 'he': 0.030240478325068723, 'what': 0.02563823807041733, 'This': 0.024572776220725574}, {'the': 0.17914438656757214, 'of': 0.13261961589505636, 'to': 0.05269058683811512, 'and': 0.05021675201998818, 'in': 0.032994882291776634, 'for': 0.023639652704675017, 'by': 0.023321118366904207, 'that': 0.02233944543852454, 'at': 0.015891346720577272}, {'well': 0.0813796623022886, 'and': 0.07806249640957248, 'far': 0.04381925899668898, 'so': 0.03947408416403747, 'known': 0.03462809416590329, 'it': 0.024348704815704263, 'long': 0.02264397160180942, 'such': 0.021659780062902406, 'but': 0.0194437139179773}, {'at': 0.19819378657924477, 'of': 0.17879530268226965, 'in': 0.1468492004794303, 'to': 0.08046607454001911, 'on': 0.06433526092123662, 'for': 0.06424552815699042, 'and': 0.05729030636114831, 'that': 0.039893638526204436, 'from': 0.037871262343371875}, {'as': 0.07653536789588725, 'up': 0.058082029856746084, 'and': 0.050012696291922135, 'according': 0.045146457065212635, 'back': 0.04305444766518194, 'him': 0.04296703795764854, 'returned': 0.042403197316746265, 'went': 0.037647498440129386, 'came': 0.03758355535096892}, {'the': 0.33232870703243905, 'of': 0.15876758082961903, 'and': 0.10044955523654463, 'The': 0.07886366735496997, 'or': 0.0658425293180186, 'a': 0.04851417706948779, 'by': 0.04697460444292712, 'for': 0.03796263903718308, 'with': 0.03787744640261704}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'the': 0.3320972554923297, 'and': 0.09285986236466853, 'a': 0.07801472105687245, 'of': 0.06294577594374899, 'to': 0.02417405928379874, 'tho': 0.02384648490708859, 'an': 0.022227729044167265, 'or': 0.020975706782184377, 'The': 0.01842451320899406}, {'and': 0.2210786023090818, 'was': 0.15344395043633702, 'be': 0.06647263731870755, 'it': 0.04700475151556396, 'is': 0.043397301207000326, 'years': 0.037753360150201046, 'were': 0.03260708242737575, 'not': 0.031568646520553856, 'he': 0.02847184764217413}, {'be': 0.35478319999608865, 'was': 0.12312183514674731, 'and': 0.09686225322742673, 'is': 0.07310267321351269, 'been': 0.06808957531569733, 'are': 0.06117292534366487, 'were': 0.04421535778920599, 'not': 0.03728423315079183, 'he': 0.03219138784791472}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'made': 0.1048366084880883, 'and': 0.10426270219682464, 'that': 0.04425480340244642, 'or': 0.043435419554015336, 'secured': 0.031607232475164906, 'taken': 0.029080512230717358, 'followed': 0.026222395439299464, 'done': 0.02445895423580279, 'up': 0.0240663681669875}, {'provisions': 0.08073715935827591, 'copy': 0.0736391560682133, 'date': 0.06126785618911646, 'part': 0.060156443727493014, 'one': 0.05072927588670638, 'out': 0.046544744589770135, 'people': 0.04379595747442379, 'publication': 0.03754965700161905, 'members': 0.02629976277855684}, {'due': 0.028841223080478838, 'land': 0.020672329383884015, 'interest': 0.01956083113206879, 'mortgage': 0.016927171824670705, 'title': 0.015095877183241038, 'line': 0.01278682684852154, 'plaintiff': 0.012272140771688424, 'mortgage,': 0.011587010303002127, 'directed': 0.010517886328707718}, {'on': 0.2747531657516831, 'third': 0.08132803518052667, 'first': 0.06652802577457287, 'of': 0.06408349658989076, 'On': 0.061266506066352776, 'and': 0.05131383370268223, 'in': 0.03704462752445747, 'second': 0.027555217390278396, 'last': 0.0269740934941421}, {'time': 0.035588571147509, 'day': 0.026930280377222383, 'men': 0.02260857655918074, 'power': 0.020343623955346498, 'in': 0.019197569922484226, 'land': 0.017469579413611297, 'dollars': 0.015546970735557348, 'good': 0.013567531452917485, 'life': 0.01306440334635569}, {'to': 0.15371215207066258, 'and': 0.11534906692730394, 'the': 0.10962053024586763, 'of': 0.07983058381686459, 'or': 0.02421899798925324, 'I': 0.023331856800898977, 'in': 0.019370377167765053, 'not': 0.018530024172882444, 'that': 0.016780005585192787}, {'the': 0.6921783456329168, 'this': 0.04528962425250656, 'tho': 0.03634550851303907, 'of': 0.03464012173437394, 'his': 0.02473307414599406, 'a': 0.020074048954882424, 'said': 0.019308752855112833, 'to': 0.018630187911511657, 'tbe': 0.017812143752148006}, {'it': 0.2767746804462922, 'It': 0.1392847703568759, 'there': 0.07727980240897835, 'he': 0.06667869063938851, 'that': 0.06075776739853867, 'they': 0.048036591824296745, 'which': 0.04432484615907303, 'and': 0.031658081059459095, 'I': 0.019831117151427383}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'of': 0.25223575199309023, 'to': 0.11867877381841442, 'in': 0.11823146904705582, 'for': 0.09558118800359912, 'by': 0.0948291313068152, 'with': 0.05729539192686759, 'that': 0.05386525577682229, 'and': 0.05101972326383932, 'from': 0.02794219458879059}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'and': 0.05384518927279509, 'as': 0.03604009223978893, 'referred': 0.03404708165627538, 'them': 0.026521740770020067, 'him': 0.025130237792742868, 'come': 0.021555408960165206, 'came': 0.01978238616136292, 'go': 0.018719561946576313, 'up': 0.018565299145125592}, {'he': 0.17183899014979612, 'they': 0.15242777304253063, 'I': 0.11868175128843425, 'we': 0.08262485208979568, 'who': 0.06765201405394952, 'and': 0.06484594365399828, 'it': 0.04839991213753493, 'which': 0.044231836723383745, 'We': 0.040348862989939276}, {'of': 0.20398682721586284, 'and': 0.1465468815399745, 'to': 0.09763783235877789, 'in': 0.08578384494279002, 'all': 0.043419251463116766, 'by': 0.030126607908759012, 'fact': 0.029839515085361014, 'is': 0.028181138953997716, 'with': 0.027463526659338062}, {'he': 0.15244365443807278, 'and': 0.12854820965396027, 'be': 0.12006874632954084, 'was': 0.0884467116639964, 'been': 0.06232538362207168, 'He': 0.060478067767149354, 'who': 0.05885438672311875, 'is': 0.05423221094921344, 'have': 0.04616898849166163}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'the': 0.14825836437162582, 'of': 0.08587496865514878, 'and': 0.07390780382295767, 'to': 0.038302624190476066, 'in': 0.026139954107354847, 'a': 0.024785774726353887, 'by': 0.021499357757215558, 'his': 0.01684315525028781, '.': 0.014924802233187727}, {'to': 0.5709562881625487, 'will': 0.12340053115356071, 'not': 0.07443311512334655, 'would': 0.06367896428502992, 'can': 0.03458866169648749, 'may': 0.02894303951864349, 'could': 0.024234533743981004, 'and': 0.019090680876299955, 'a': 0.016404484316551084}, {'to': 0.8217022457878727, 'will': 0.03999199003827242, 'and': 0.03793594551660077, 'not': 0.03029793503868391, 'would': 0.013725508155782247, 'can': 0.007229292849198971, 'To': 0.007076881677418416, 'could': 0.005126588292405182, 'may': 0.004858679473065745}, {'he': 0.14493400008646937, 'they': 0.1288962099082447, 'I': 0.12181478672593865, 'who': 0.10205170745915207, 'we': 0.08169286736085575, 'it': 0.06499146212625072, 'that': 0.06101066741950795, 'and': 0.05968570034281835, 'you': 0.053882509225177976}, {'of': 0.3511596967058106, 'to': 0.14028093334034228, 'by': 0.08497565173789103, 'in': 0.07932647297232157, 'with': 0.06737411010096814, 'that': 0.052799035431752454, 'and': 0.05190218416609896, 'on': 0.032949128885170174, 'from': 0.0318818952970378}, {'the': 0.46293806444273533, 'at': 0.23995534511849634, 'At': 0.0483039444886911, 'tho': 0.031250452369619375, 'of': 0.02947679047402274, 'to': 0.027824126017693993, 'and': 0.027777330041837016, 'The': 0.020408523600189334, 'on': 0.014847000457503368}, {'the': 0.26504570197865995, 'said': 0.17261180046566368, 'and': 0.08017076292955241, 'of': 0.07440766760512676, 'that': 0.06891467107219768, 'a': 0.05560707704521717, 'this': 0.05303094420726394, 'The': 0.03691157344859785, 'his': 0.01698995133197762}, {'the': 0.24425288521970856, 'of': 0.14917847607089163, 'in': 0.056854491362596044, 'by': 0.0401801045606809, 'and': 0.03836425707588368, 'to': 0.0346994690102218, 'The': 0.020344556139457258, 'on': 0.019797104737648757, 'for': 0.018567549317308057}, {'and': 0.17647210397606578, 'the': 0.12161116810061752, 'is': 0.08912820428074618, 'an': 0.08061157213328463, 'was': 0.07351935727705795, 'are': 0.06625109458680759, 'be': 0.06380130521453722, 'that': 0.049770081218436416, 'been': 0.04465872267154229}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'<s>': 0.14647248760960818, '.': 0.026148675913591966, 'it.': 0.01443324522991855, 'them.': 0.007876973502532345, 'to': 0.007095610145697406, 'year.': 0.007018818018718789, 'law.': 0.006364168216072748, 'thereof.': 0.006338483257273451, 'county.': 0.0062969168766153}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'there': 0.4681956330711847, 'There': 0.3005273621566509, 'It': 0.06777876442383492, 'it': 0.06115176045781707, 'which': 0.012445206910978543, 'he': 0.00976305171452778, 'This': 0.009085524783752545, '"There': 0.008652951331166602, 'that': 0.008290544771980457}, {'of': 0.19922827034599458, 'in': 0.19330856988423872, 'with': 0.1416263902864042, 'to': 0.1354230781444231, 'by': 0.05545992075968865, 'on': 0.05526507452816907, 'In': 0.04182915107707375, 'upon': 0.04009866708043569, 'for': 0.03956907646236208}, {'of': 0.3142140663360751, 'in': 0.1875556130904405, 'to': 0.13036425402360916, 'for': 0.0558742117586504, 'that': 0.051209311108101015, 'and': 0.0500937722574485, 'by': 0.047588712960261015, 'with': 0.04664183075206935, 'on': 0.04139669867961902}, {'be': 0.14245824105397226, 'was': 0.12690846003275122, 'and': 0.10829906277777972, 'been': 0.07716794553982123, 'is': 0.07270105659144088, 'are': 0.0450461611206336, 'were': 0.04461368295766797, 'the': 0.03859724709080985, 'he': 0.038337209935691285}, {'and': 0.194935508501745, 'all': 0.09495440677691157, 'of': 0.04725254936371232, 'but': 0.037597661572726065, 'said': 0.03701559440380914, 'that': 0.028975956887973008, 'All': 0.02633543095015761, 'so': 0.025317590102249304, 'than': 0.0250188011086656}, {';': 0.022565909849807397, 'in': 0.021826748929070508, 'Columbia,': 0.015727347392432246, 'up': 0.014346875570370432, 'day': 0.009508862417775757, 'them,': 0.008347706190863443, 'mortgage': 0.00786429636947341, ',': 0.007632502124346271, 'him,': 0.00693874337640018}, {'State': 0.07595302243857642, 'day': 0.07095749583569827, 'out': 0.05702517342771252, 'state': 0.05519824719772374, 'act': 0.0498253354944981, 'part': 0.033650039632097284, 'years': 0.026319281699351917, 'date': 0.020411008198176532, 'power': 0.019878036052145266}, {'of': 0.46099843654030115, 'to': 0.08581019972887242, 'that': 0.08437382664365939, 'and': 0.07221005789150124, 'for': 0.04495631142423778, 'by': 0.04475829731122398, 'on': 0.04057785232643876, 'with': 0.03644606375459537, 'in': 0.034092152080566}, {'the': 0.45154830520954126, 'a': 0.13557234442511973, 'of': 0.09592251192697225, 'The': 0.0857339923716071, 'and': 0.05020342983162637, 'our': 0.032164659877582866, 'tho': 0.02725201978057277, 'for': 0.026513990478842068, 'their': 0.022791574917957275}, {'of': 0.36089896903808405, 'to': 0.09925441051585225, 'in': 0.08864371639453146, 'by': 0.07990447765354877, 'that': 0.052892633775661106, 'and': 0.04318756195766134, 'under': 0.027855307609438513, 'with': 0.02693292142018478, 'for': 0.025841366831109974}, {'the': 0.4635806913819541, 'western': 0.08148839646768422, 'other': 0.06267970473121588, 'eastern': 0.04265359358574617, 'southern': 0.037828053285068275, 'northern': 0.03319413812765982, 'Republican': 0.03225296532317487, 'said': 0.028940640756868877, 'a': 0.028917822928750374}, {'the': 0.11505582540027273, 'and': 0.07663488346152114, 'of': 0.07532315093982984, 'be': 0.04664582998129941, 'was': 0.043638488538751914, 'to': 0.03470525608737397, 'in': 0.03070430785592436, 'for': 0.028460793303614295, 'is': 0.028098439359282714}, {'one': 0.08748891782679924, 'part': 0.0386083438747652, 'out': 0.02695093718388284, 'portion': 0.023576039796977998, 'side': 0.019628641177316258, 'some': 0.016085236502000392, 'that': 0.01565678845688778, 'tion': 0.015050944562145247, 'member': 0.013900571109613031}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.1450524935836439, 'and': 0.10177379526547212, 'of': 0.07092498490510685, 'to': 0.06643859177010694, 'in': 0.043184033163470234, 'was': 0.040444756304387645, 'a': 0.037358609147802715, 'be': 0.034122654588659554, 'is': 0.024495922836782185}, {'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.10471121906989286, 'it.': 0.01616283795001158, 'them.': 0.013065563212976904, '.': 0.01143880083833125, 'work.': 0.009277576916126072, 'him.': 0.008729044276883363, 'day.': 0.008429625606397505, 'time.': 0.00792749120434846, 'year.': 0.007275368701661551}, {'the': 0.5769438082005937, 'an': 0.093745243050764, 'no': 0.061210230252106326, 'The': 0.057210061636824065, 'any': 0.053038210456653564, 'a': 0.035923984684084705, 'tho': 0.02981159677851692, 'this': 0.01582813483742526, 'general': 0.01171008390391194}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'they': 0.1981977827309772, 'who': 0.11449075503218281, 'we': 0.09471964964706775, 'which': 0.07212571778446061, 'and': 0.05295579811527023, 'They': 0.05063127184215407, 'that': 0.041434054364333076, 'We': 0.03872858064360749, 'you': 0.03489956385221919}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.2880743752915112, 'of': 0.23281344451969116, 'to': 0.1041226256067987, 'and': 0.0618000365489424, 'The': 0.05465864301032958, 'a': 0.04578332532517093, 'with': 0.03593413356238667, 'by': 0.03302949435658078, 'his': 0.026467056502555902}, {'it': 0.17007940299785784, 'he': 0.12457101167297326, 'It': 0.1208710945745919, 'I': 0.05790933619491701, 'He': 0.05522139320710876, 'which': 0.05290460173279903, 'and': 0.04434223886291937, 'who': 0.037704440131769885, 'there': 0.03469639420212714}, {'be': 0.0910704442212929, 'was': 0.0884745365019056, 'of': 0.07329978222278033, 'and': 0.056789472582429716, 'been': 0.05673523730875617, 'the': 0.052283671718350896, 'were': 0.05088779474808206, 'are': 0.049215578251193416, 'is': 0.047946187602087}, {'be': 0.3271017687977193, 'was': 0.1876523037603953, 'been': 0.11775411623842622, 'and': 0.06628006194288398, 'were': 0.05710541098993233, 'he': 0.05048743331693781, 'is': 0.04482567874096773, 'are': 0.03388341580339794, 'being': 0.03057110234500179}, {'the': 0.6285184954142106, 'a': 0.03861996286467951, 'tho': 0.03857682047978636, 'The': 0.029111968471773844, 'and': 0.026522098221335777, 'many': 0.0261517314173039, 'other': 0.025037495156723755, 'one': 0.021728466405585466, 'three': 0.02148048382062298}, {'and': 0.09515264199589137, 'together': 0.05970144109081358, 'covered': 0.03640167794610209, 'him': 0.03211426652152613, 'up': 0.030155809362644507, 'it': 0.02246483567435092, 'met': 0.02159101760185103, 'them': 0.02092550701835756, 'but': 0.01766366684559097}, {'when': 0.16409859876594513, 'that': 0.15873167777504146, 'and': 0.11794763959142315, 'which': 0.07751127860603772, 'as': 0.06290155556665739, 'to': 0.05193978276328127, 'said': 0.036966103325750795, 'where': 0.03498483087900272, 'but': 0.03181088901331656}, {'the': 0.6973301769499243, 'a': 0.047557617702908436, 'The': 0.035562412626212174, 'tho': 0.034459708008010674, 'and': 0.01773810993939986, 'of': 0.014473598461087324, 'any': 0.013654008963507994, 'this': 0.013075792406815107, 'tbe': 0.012145390769827428}, {'the': 0.3967779573874993, 'and': 0.11414032723213516, 'of': 0.04225145504668601, 'The': 0.03866400339408383, 'to': 0.03420825366499197, 'that': 0.03287841838378765, 'as': 0.02674292635820697, 'tho': 0.022695392212241674, 'which': 0.02045585963792004}, {'and': 0.10046947563708067, 'is': 0.048725699409419156, 'say': 0.03347829669548398, 'of': 0.032340201410408304, 'on': 0.027787227810077114, 'said': 0.026083416773658313, 'know': 0.025347510843096284, 'was': 0.023024012618256123, 'for': 0.022856084559146003}, {'the': 0.1386524920814256, 'of': 0.1232091934691427, 'to': 0.10421169376531579, 'and': 0.07044650387601513, 'be': 0.04491728415413588, 'in': 0.04172581900592233, 'not': 0.039619036897759134, 'a': 0.03382615359489429, 'or': 0.031024732036812712}, {'it': 0.2945243442857798, 'It': 0.2079112587021258, 'which': 0.07373489108756469, 'there': 0.05825075646787185, 'that': 0.05722370997923769, 'he': 0.03518374285388363, 'and': 0.03113768874745631, 'There': 0.024420509798544376, 'what': 0.022009907092579137}, {'him': 0.013273910380959307, 'up': 0.011023312722989346, 'him,': 0.010471876889950046, 'man': 0.009750749270989154, 'Mr.': 0.007819382330827886, 'it': 0.007569281892453678, 'it,': 0.007566417498420081, 'here': 0.007142160189307203, 'day': 0.006403931166984705}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'do': 0.4494725716167562, 'did': 0.09286609648523596, 'if': 0.0876659495044804, 'If': 0.0769036606842199, 'and': 0.04449945298613293, 'or': 0.03609758540808092, 'that': 0.0360880652753801, 'is': 0.033880810730619465, 'doing': 0.023532812863179563}, {'-': 0.06449917576231365, 'ai': 0.032602981490406434, 'the': 0.02314256492246378, 'a': 0.020893778407058354, 'I': 0.016794677918741233, 'in': 0.016785669503730696, 'to': 0.014603749208062528, 'was': 0.013084806757576681, 'be': 0.013055893554072634}, {'the': 0.212769960503501, 'and': 0.09009081995482937, 'of': 0.08043578623210394, 'The': 0.0487574107083228, 'these': 0.02566072675870135, 'that': 0.025524115318786456, 'in': 0.02089861729429644, 'to': 0.017573236547389622, 'a': 0.016459898929016135}, {'and': 0.12370942622396933, 'of': 0.10031615253897223, 'to': 0.08379626910040477, 'the': 0.07838319077632402, 'on': 0.030474003467624057, 'in': 0.03046767298180709, '<s>': 0.027023968557944873, 'that': 0.02560546517887483, 'from': 0.021982516781050954}, {'the': 0.5517744592116807, 'and': 0.058866625712713304, 'of': 0.0571129973350572, 'a': 0.05367208138547215, 'tho': 0.03701453206687254, 'The': 0.034156912010644885, 'said': 0.026071642120756352, 'in': 0.023445291358257424, 'or': 0.0195750588084313}, {'the': 0.1735682649667567, 'of': 0.11926227644855482, 'and': 0.06576800137906083, 'in': 0.05337933445562625, 'to': 0.04905326074362843, 'a': 0.03775850411042361, 'for': 0.023592766772526433, '<s>': 0.022115899457130106, 'at': 0.01944554357971402}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.07790264311081638, 'and': 0.06896495894260733, 'man': 0.06804065680911864, 'in': 0.05983745086202108, 'those': 0.0557143586972898, 'for': 0.04640558969761885, 'to': 0.04385602925833533, 'with': 0.034605678720219975, 'men': 0.02996427489024201}, {'and': 0.15859919135379041, 'of': 0.08598861312855259, 'to': 0.08315508927991105, 'the': 0.06874452320833058, 'in': 0.058260721699561625, 'or': 0.04021483348163834, 'that': 0.038732793213525255, 'for': 0.027900459328194547, 'on': 0.02788303042210844}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.11838217889407669, 'the': 0.10389977751945509, 'in': 0.05701166495225427, 'and': 0.05080197324859989, 'to': 0.04017062692286891, 'on': 0.027093965623522783, 'for': 0.02273663207540152, 'a': 0.019592203161995163, '<s>': 0.019550548698201626}, {'and': 0.0990326088182972, 'committee': 0.041034803393724104, 'feet': 0.03772247264472958, 'Committee': 0.02882824330139666, 'due': 0.027295418965011604, 'going': 0.02282978467468659, 'was': 0.02278612969304298, 'went': 0.022017176508824732, 'that': 0.018228860817360613}, {'or': 0.161964968977391, 'no': 0.15461740541754312, 'much': 0.14632981664444492, 'the': 0.09568261426500178, 'and': 0.09470083825587546, 'of': 0.06575753604988582, 'far': 0.05770604384308829, 'any': 0.053552681178375194, 'for': 0.04960542703615425}, {'few': 0.23691597796637978, 'two': 0.1714643454354326, 'three': 0.1217293041179734, 'six': 0.08611426215218128, 'several': 0.06347829998135039, 'four': 0.048890537991079154, 'eight': 0.04437646352362422, 'five': 0.03984144832180315, 'one': 0.03694492149200515}, {'is': 0.1750505042807266, 'of': 0.11530987890803368, 'such': 0.1116765829461794, 'as': 0.10718841934396656, 'in': 0.08815623190215424, 'with': 0.08161917416457297, 'was': 0.0690721363576608, 'be': 0.0681677745244732, 'to': 0.0677194020705206}, {'of': 0.21397012949156277, 'the': 0.1547838254396428, 'a': 0.10903223331870852, 'and': 0.08483832184391309, 'to': 0.0730767739013053, 'is': 0.05882444807078486, 'with': 0.05703482102852358, 'by': 0.04876312456673271, 'for': 0.038730569406706945}, {'his': 0.2982111370118456, 'her': 0.1506754516874874, 'my': 0.10680105241150564, 'the': 0.10325499460366575, 'their': 0.07072436177621674, 'a': 0.04710651933327468, 'your': 0.03853782747154028, 'and': 0.024180724706868297, 'our': 0.021309260677487233}, {'and': 0.18721351316223625, 'or': 0.05516063926623791, 'that': 0.04929025119150938, 'is': 0.03523612500894217, 'but': 0.028945200848403886, 'was': 0.02364309727759304, 'on': 0.02252735168471991, 'it': 0.02239386753878521, 'be': 0.021326596247194206}, {'of': 0.2898317704762529, 'and': 0.10389659802439835, 'to': 0.09366630189182955, 'for': 0.09197871244066064, 'in': 0.08690241292467349, 'that': 0.06286103409316657, 'with': 0.05813940270677084, 'by': 0.051616841706468165, 'from': 0.04288930159258753}, {'and': 0.11358343253776762, 'to': 0.058469238780760296, 'of': 0.05483156751071053, 'the': 0.04977499070814182, 'that': 0.0317130211015688, 'in': 0.027636210463761347, 'which': 0.02373946618295422, 'not': 0.023348217974787523, 'con-': 0.02015360165244558}, {'the': 0.23929994860646625, 'of': 0.11924256770058586, 'and': 0.09021831064889745, 'to': 0.0489103858453939, 'in': 0.04258187033152095, 'or': 0.025104683252877815, 'a': 0.024809958948344122, 'for': 0.01986905993534718, 'tho': 0.018873581849531983}, {'to': 0.6519456252612771, 'and': 0.08578942424002985, 'not': 0.04600031018857234, 'I': 0.04276374076978572, 'would': 0.03627772747526272, 'will': 0.031320222983433364, 'should': 0.024549353226812638, 'who': 0.018745014358129215, 'you': 0.01145406563326589}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'the': 0.8022497874877047, 'tho': 0.038651744100428986, 'The': 0.03544801056715165, 'their': 0.019376009363963574, 'a': 0.016587826929219177, 'tbe': 0.013800271342464554, 'and': 0.01279707130438588, 'great': 0.009205459789288245, 'his': 0.008347552238958252}, {'with-': 0.17543477149223569, 'and': 0.06508875102983976, 'with¬': 0.05617688035434954, 'sent': 0.03929507366968059, 'it': 0.03573911609166812, 'went': 0.03509810833866622, 'go': 0.027347731524179505, 'the': 0.02629260133164026, 'came': 0.025192865708891333}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'no': 0.2501240868827828, 'the': 0.18386361164841133, 'by': 0.14853699019631597, 'good': 0.07019400048440043, 'of': 0.06440946330260976, 'a': 0.06315882518035842, 'any': 0.05267030890548517, 'and': 0.04505127294090452, 'The': 0.0388195980311087}, {'the': 0.40763114323324323, 'and': 0.12029653075500676, 'is': 0.06901647624600694, 'was': 0.052305870725076475, 'are': 0.05225151045760241, 'The': 0.0494078757843614, 'to': 0.03942156589477622, 'have': 0.038164637510871666, 'be': 0.03791341343318231}, {'he': 0.1462777759154098, 'it': 0.13737586210312358, 'It': 0.11498678390338218, 'He': 0.0665351009984954, 'which': 0.06541539374328025, 'I': 0.0622783381772346, 'and': 0.053341779818970224, 'she': 0.044013716151125, 'there': 0.041793637842661935}, {'the': 0.48752422546947544, 'of': 0.20295338157116458, 'on': 0.11552520099986578, 'and': 0.035658660385655044, 'The': 0.02920681003187942, 'tho': 0.02260045290242276, 'in': 0.019141546933999505, 'this': 0.009357424340662774, 'with': 0.008574348619214845}, {'foreclosed': 0.09538043014116879, 'accompanied': 0.06845597077922576, 'made': 0.061598662125208266, 'and': 0.059027214016597884, 'followed': 0.05511748685768449, 'surrounded': 0.031166549836992345, 'up': 0.025850698064541745, 'caused': 0.022929919031142654, 'secured': 0.022660668610514915}, {'the': 0.16953159151541253, 'of': 0.13947334507363418, 'in': 0.09714627790922747, 'and': 0.04553048528111405, 'to': 0.04390256578218461, 'a': 0.038142165320352216, 'that': 0.025082309256541386, 'for': 0.024614316711162407, 'as': 0.020419378143068264}, {'of': 0.1685901417453519, 'the': 0.14955924949589244, 'or': 0.09271507086440232, 'such': 0.0867594305820885, 'for': 0.07936109177108325, 'any': 0.06864485131296116, 'some': 0.053472788946982645, 'all': 0.04397807761475002, 'these': 0.0421614238836851}, {'to': 0.5169347850114494, 'and': 0.1127264138671506, 'will': 0.07882493344024707, 'shall': 0.06737173765406063, 'not': 0.040336936001110435, 'the': 0.03791205418257079, 'can': 0.03725721421278049, 'should': 0.03170442283645005, 'may': 0.031199115375488338}, {'was': 0.19076413487540306, 'been': 0.16158117377018333, 'be': 0.09842417400834003, 'is': 0.08312589884500933, 'are': 0.07729618086531576, 'were': 0.07540275353919221, 'and': 0.048277876523797975, 'busily': 0.03775360525424942, 'those': 0.030726305106328376}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'No.': 0.12282903912625584, 'about': 0.11962810276110383, 'at': 0.08913468828391063, 'east': 0.06471630057962575, 'of': 0.06065536724557838, 'north': 0.05709732082098706, 'west': 0.04888001833739389, 'No': 0.04415881048774376, 'deg.': 0.04133722226959144}, {'the': 0.782448906264974, 'The': 0.08071513650750249, 'tho': 0.03037517386806745, 'at': 0.022764523628363523, 'his': 0.01743822844788141, 'tbe': 0.012533186656612096, 'its': 0.009044374514999315, 'their': 0.007971122815082507, 'for': 0.007645140090908738}, {'the': 0.4001769851989505, 'a': 0.19125889149835457, 'of': 0.06810682354751997, 'The': 0.04703253798934126, 'this': 0.044633924192623194, 'our': 0.04281426069596505, 'and': 0.04171938354450389, 'his': 0.04154534509008884, 'their': 0.034310359230470044}, {'and': 0.1013313999108967, 'the': 0.09718841647597899, 'of': 0.05436964548085914, 'to': 0.04845961559889593, 'be': 0.044574282950294176, 'in': 0.04097356203690052, 'or': 0.031876329171954355, 'for': 0.02940885693452176, 'he': 0.026171563417370803}, {'of': 0.1451850625478366, 'and': 0.08939929385587164, 'the': 0.059225681617387865, 'to': 0.05885075146864763, 'a': 0.053700526531446045, 'was': 0.03490205092824814, 'in': 0.030352592230012163, 'be': 0.027084764106944596, 'for': 0.026047872067836778}, {'the': 0.39305534861379077, 'in': 0.08563359555087353, 'of': 0.06738268282928268, 'to': 0.04319852429248675, 'at': 0.03847491885966377, 'said': 0.03145461122206545, 'tho': 0.02701029183309698, 'and': 0.02505345735508166, 'for': 0.02237118739191663}, {'time': 0.09936829088944611, 'and': 0.07387460456235004, 'recorded': 0.0687557193220515, 'be': 0.06119732405953333, 'was': 0.05676109916219319, 'is': 0.04419601898319799, 'that': 0.03423024274116497, 'as': 0.03292457927714285, 'them': 0.029501583878738788}, {'and': 0.2208813833259583, 'fact': 0.08981510919307704, 'is': 0.0863914938481467, 'say': 0.06041786336360341, 'of': 0.05401039606848262, 'know': 0.05010614405745244, 'believe': 0.047789462802597195, 'but': 0.04601298209252691, 'so': 0.04079344397495979}, {'of': 0.15473836353443698, 'by': 0.08140978562629425, 'to': 0.07108415137492592, 'that': 0.06908815695154398, 'and': 0.06791709977325962, 'with': 0.02727368250248621, '<s>': 0.023435708793644882, 'which': 0.01997369425877864, 'as': 0.017159513113650854}, {'the': 0.35398808880640936, 'a': 0.27946064760082334, 'of': 0.07699533975751308, 'to': 0.07429499904322717, 'our': 0.02837494033917748, 'in': 0.026535299479820987, 'The': 0.01970768509801377, 'and': 0.018691346790827117, 'tho': 0.01747759134571093}, {'as': 0.1098629995921215, 'up': 0.07753196313406902, 'and': 0.04387743501152195, 'it': 0.04214902774925476, 'back': 0.040716504141199206, 'came': 0.039635315459483955, 'down': 0.03582313773483239, 'come': 0.03361690774963079, 'him': 0.031966264692056406}, {'the': 0.4024623954734439, 'a': 0.2626811775440224, 'this': 0.09582599851700947, 'tho': 0.032212769267583936, 'The': 0.02724952134340624, 'to': 0.025557594278008345, 'and': 0.023939072148025913, 'every': 0.022974610866469812, 'of': 0.019873552116742375}, {'him': 0.02469713003237889, ';': 0.014728952357512442, 'man': 0.012698362661866018, 'him,': 0.010430197467196823, 'up': 0.010229503574866806, 'and': 0.009982307448466711, 'himself': 0.00916609570334623, 'in': 0.008824565713022928, 'man,': 0.007854332666996857}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'of': 0.2293138989408064, 'to': 0.13332537309191017, 'in': 0.1004155856487035, 'and': 0.06913468909504578, 'at': 0.06889674443267661, 'for': 0.06662891265674259, 'all': 0.04851355288861518, 'with': 0.04598599343491613, 'that': 0.03748592809894008}, {'and': 0.11844432577746608, 'well': 0.05795744168253941, 'the': 0.04076723089468756, '.': 0.02257978134482929, 'to': 0.021776668232782098, 'of': 0.015369303894824753, ';': 0.014114390757150217, '<s>': 0.013344640430854296, '1': 0.012981738943188983}, {'in': 0.025129268641540848, 'up': 0.020814411780369423, 'it': 0.017956717493841187, 'it,': 0.015520931729012118, 'them': 0.01531108749132913, 'him': 0.015071807958469562, 'made': 0.014865327904473511, ';': 0.013926194510085503, 'out': 0.012923381737039885}, {'as': 0.405518591310596, 'fees,': 0.10455375644748659, 'and': 0.08021112823981023, 'is': 0.07979985884183237, 'be': 0.051041492959701965, 'was': 0.04843007298768222, 'not': 0.031376390201645836, 'so': 0.025748272553494933, 'fees': 0.020199799877140604}, {'of': 0.28784017614184804, 'in': 0.13287335929736852, 'to': 0.11084387395844587, 'that': 0.06964346195143338, 'for': 0.06573469211818359, 'with': 0.06462706770844019, 'at': 0.05624001096824771, 'and': 0.05420210876558011, 'by': 0.04249153094239386}, {'at': 0.19819378657924477, 'of': 0.17879530268226965, 'in': 0.1468492004794303, 'to': 0.08046607454001911, 'on': 0.06433526092123662, 'for': 0.06424552815699042, 'and': 0.05729030636114831, 'that': 0.039893638526204436, 'from': 0.037871262343371875}, {'the': 0.26966126661308637, 'of': 0.12654484403375443, 'and': 0.12168545965076441, 'The': 0.03884786828071501, 'suc-': 0.038387691820957436, 'a': 0.037787053180624024, 'two': 0.03601459645625327, 'in': 0.02825275262854848, 'tho': 0.026904564645977888}, {'it': 0.22627549004256103, 'It': 0.14382924771344463, 'which': 0.058548775185208686, 'he': 0.04733684456003108, 'and': 0.043720665595144, 'that': 0.03984652935210813, 'there': 0.029090697629774773, 'who': 0.024737611177075763, 'This': 0.017541571030356758}, {'the': 0.22182246624202673, 'of': 0.1767965004681227, 'and': 0.07980698453130525, 'to': 0.054660358911271384, 'a': 0.04559991316127157, 'his': 0.027625110978504338, 'in': 0.026010502534427764, 'at': 0.021788796555252402, 'for': 0.02089622561411265}, {'be': 0.22947374570182194, 'was': 0.1364172449654865, 'is': 0.11495888365627348, 'been': 0.09253776016639857, 'are': 0.08189785314801203, 'and': 0.07385684707824142, 'were': 0.0577895901138099, 'the': 0.050323241306767415, 'of': 0.037780328834213686}, {'of': 0.2600475930352516, 'to': 0.13210330189675756, 'and': 0.09591712447576276, 'for': 0.09266344987722995, 'that': 0.09159051499859057, 'in': 0.0668765312240312, 'with': 0.05838855772714977, 'by': 0.046878323028144736, 'all': 0.03432843987261912}, {'the': 0.1543414256990633, 'and': 0.13931130521956722, 'of': 0.07559222901074383, 'a': 0.06092065073806386, 'to': 0.049668960105284536, 'in': 0.033114360900949096, 'is': 0.019212369863104102, 'that': 0.01870250943801665, 'for': 0.018615262818999657}, {'they': 0.1831947210245156, 'we': 0.09646244497626154, 'who': 0.06683029917335734, 'They': 0.054239300835956926, 'We': 0.053360578676037086, 'there': 0.05011924296533456, 'which': 0.04868938667339153, 'There': 0.04568574609065073, 'you': 0.043555601694682144}, {'and': 0.1292243566083277, 'the': 0.1262867786608757, 'of': 0.10351660021594157, 'to': 0.062442460406793215, 'in': 0.03783872040481738, 'a': 0.03574430059573381, 'or': 0.029216037429737208, 'for': 0.015715101620780946, 'was': 0.015604629400489256}, {'five': 0.16638140387225409, 'ten': 0.16603045312922476, 'two': 0.08975857585880227, 'of': 0.08795430298566961, 'three': 0.0685423916427959, 'hundred': 0.04670702888093087, 'four': 0.04487886906434299, 'fifteen': 0.043477678181268874, 'fifty': 0.038073862251836}, {'the': 0.270333984013502, 'a': 0.18178104657727698, 'and': 0.0670060307768645, 'an': 0.06281341822874333, 'of': 0.03610654046001437, 'The': 0.028817313391135923, 'to': 0.024369701626070665, 'that': 0.020170697229888027, 'this': 0.01803740995191526}, {'was': 0.2157644148677086, 'is': 0.17640980042256962, 'be': 0.10516212812708414, 'been': 0.09181709810597473, 'are': 0.07153146981660692, 'and': 0.06779844338036915, 'were': 0.06430709349163265, 'have': 0.06147321878185504, 'has': 0.05263722536170231}, {'of': 0.15943358122572368, 'the': 0.09697558518515556, 'and': 0.09341595503498029, 'in': 0.04696310673077961, 'to': 0.0353148969333453, 'on': 0.02380929163828974, 'by': 0.01953385137600889, 'for': 0.019134980968992157, 'with': 0.017293923747779397}, {'the': 0.2038520340199692, 'of': 0.1081584345514151, 'and': 0.08589122551285354, 'a': 0.07831063737303255, 'to': 0.051182868976553594, 'in': 0.040055166470883495, 'his': 0.029589175964952485, 'Mr.': 0.024093945038448517, 'her': 0.02319794821331664}, {'and': 0.2699173484738981, 'not': 0.10021875773536308, 'or': 0.09238894455867219, 'that': 0.06781986747004738, 'was': 0.06050990516668964, 'is': 0.048341388813766616, 'be': 0.043944680252829944, 'but': 0.03669555141649654, 'had': 0.03512590176592076}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'in': 0.05123393883118322, ';': 0.01362828028853125, 'up': 0.01206832461008925, 'from': 0.01040945504130558, 'them,': 0.010086924381560463, 'thereof,': 0.009656905351470563, 'In': 0.009205460750893553, 'him,': 0.009036097940757725, 'benefit,': 0.00892019276163303}, {'the': 0.40831159515186777, 'a': 0.19605844931502872, 'and': 0.12700601887381166, 'The': 0.03444920998609913, 'tho': 0.01875841852786204, 'or': 0.017940005452541978, 'to': 0.01548656058973146, 'of': 0.01433562745524199, 'great': 0.011422374702969492}, {'the': 0.25682796931284957, 'of': 0.13993697840159977, 'and': 0.12973428337738005, 'are': 0.07695340516621961, 'is': 0.0756982315017179, 'was': 0.039702880002049176, 'in': 0.03960609432236306, 'by': 0.03765079060057998, 'more': 0.036654948443337415}, {'of': 0.29031565022289113, 'on': 0.13950010043281655, 'to': 0.10193157086144428, 'and': 0.1014478214722163, 'in': 0.0989696279490953, 'that': 0.06354754442515202, 'from': 0.04956319265094271, 'for': 0.03749841015335004, 'all': 0.032181958174137805}, {'the': 0.2064116924736922, 'and': 0.11313399934584466, 'of': 0.09866374946654954, 'The': 0.06458832580027597, 'that': 0.02473070935975453, 'these': 0.018229194570184497, 'a': 0.0162142823376505, 'or': 0.0158396488594701, 'to': 0.014511239269900876}, {'of': 0.045641777954352515, 'from': 0.03467013388809318, '<s>': 0.026536356455601262, 'are': 0.02481586762186164, 'and': 0.02446759247949811, 'land': 0.02250720145117309, 'in': 0.02164064972831073, 'the': 0.019208290398951507, 'is': 0.01671646835393916}, {'and': 0.1057137135430272, 'would': 0.07954080292581853, 'looked': 0.0649004041412916, 'looks': 0.05858552374846017, 'was': 0.05178308256334351, 'not': 0.046392480576867755, 'something': 0.04506907008331306, 'is': 0.042453053940135786, 'much': 0.04051461127507345}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'his': 0.2457711995180444, 'the': 0.2366774548371992, 'her': 0.10915778729464828, 'my': 0.09005003744091855, 'His': 0.05449214866038164, 'The': 0.04597093912610643, 'that': 0.030218733761711403, 'a': 0.024260979091009525, 'and': 0.020757285468281723}, {'the': 0.1822553691657775, 'of': 0.13228484994748105, 'and': 0.06555931634684177, 'to': 0.05403127465679652, 'be': 0.04668763370605972, 'a': 0.03985846409349009, 'their': 0.028669763824057812, 'his': 0.025384249670280294, 'for': 0.024844335887172674}, {'and': 0.08705691142883067, 'the': 0.057481970378662164, 'to': 0.05559983933033418, 'will': 0.049746467544381785, 'which': 0.0488507773534532, 'said': 0.04862051319956306, 'of': 0.04798378748122888, 'that': 0.03777385516049565, 'may': 0.036226481081265575}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'carry': 0.18098225799421191, 'through-': 0.16433880343623636, 'with-': 0.10367807475858372, 'carrying': 0.059295424892172356, 'pointed': 0.04770438717273184, 'and': 0.042444624711360034, 'sent': 0.03942942034082662, 'brought': 0.03520920088127737, 'carried': 0.0346892161817757}, {'is': 0.13517489682469352, 'of': 0.13507052540970185, 'with': 0.13208467963460804, 'was': 0.10437530035741538, 'to': 0.08069557880620151, 'in': 0.07305812783028391, 'for': 0.06489415200592884, 'and': 0.055401221062599704, 'by': 0.04942095414570625}, {'of': 0.09306287261231871, 'the': 0.049710348098918604, 'and': 0.04547764110808933, 'in': 0.03929282685879949, 'a': 0.0391555494898379, 'to': 0.033292706777250686, '-': 0.02778765775850125, 'for': 0.01560888465411524, 'by': 0.013385009105167179}, {'and': 0.11351428024652795, 'that': 0.05476680567975612, 'as': 0.04662271163324648, 'which': 0.027641886212329173, 'the': 0.02736666901271361, 'of': 0.024941579900199635, 'but': 0.02393966406647771, '<s>': 0.023378083982674405, 'when': 0.021076972074116566}, {'of': 0.26974635727435153, 'in': 0.1740153037275539, 'to': 0.13464871045464588, 'and': 0.06461046061534144, 'on': 0.06338425260939799, 'that': 0.05230042232464649, 'for': 0.04645762405322525, 'by': 0.03881212104126219, 'In': 0.0384307187747533}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'the': 0.44201118757777796, 'and': 0.13677595447778765, 'The': 0.03700154322381714, 'tho': 0.03413616292805914, 'of': 0.022500706362588822, 'or': 0.01912598048374578, 'as': 0.01880602956330047, 'a': 0.018120300590942526, 'said': 0.017477768405516528}, {'to': 0.2267505108488176, 'a': 0.15380645942992402, 'the': 0.1374968327163367, 'great': 0.07372553957001185, 'of': 0.05788202042149377, 'in': 0.05551951006432478, 'large': 0.048588408139258764, 'and': 0.046358395673993226, 'full': 0.03326482191623631}, {'a': 0.4584429666592706, 'the': 0.3224146451183758, 'this': 0.041224479008699806, 'that': 0.020982624591190685, 'long': 0.019136406947833137, 'any': 0.018475035244902595, 'tho': 0.016439177488100712, 'same': 0.01479658417601647, 'The': 0.012581659135140392}, {'the': 0.31418002716015814, 'and': 0.07014482109300599, 'of': 0.06142657526950197, 'a': 0.056920665912189757, 'The': 0.031273445053517465, 'tho': 0.0240117093579402, 'in': 0.02101167763367438, 'or': 0.019007196139008874, 'for': 0.014762863098027223}, {'was': 0.16066832638180795, 'be': 0.14036597781589916, 'is': 0.1375039099883268, 'not': 0.10895237818237141, 'are': 0.07199368405862437, 'and': 0.0685448444702233, 'been': 0.06507566768483161, 'the': 0.061964230920034426, 'were': 0.048285965823888596}, {'the': 0.22562047250874107, 'an': 0.0879703449557261, 'be': 0.07644432874702059, 'in': 0.06903087529186719, 'his': 0.06388227274599247, 'and': 0.06251148991337878, 'a': 0.04649753074430477, 'so': 0.0460978514192022, 'their': 0.0378812625318002}, {'spite': 0.045137240254712885, 'out': 0.04424821759494123, 'and': 0.042387846725938115, 'that': 0.031532816806600014, 'value': 0.030976526575895072, 'part': 0.02923098128068187, 'one': 0.02705296097519493, 'sum': 0.026262170635994554, 'amount': 0.023578892961717654}, {'one': 0.12997433510289522, 'some': 0.08377118011625742, 'many': 0.04798800343674219, 'all': 0.042975672200868224, 'out': 0.04219586849122639, 'part': 0.041883132869109004, 'any': 0.029807825633738856, 'most': 0.027505834149940185, 'portion': 0.025991348419213797}, {'last': 0.20181623317145647, 'the': 0.15566442950317896, 'this': 0.13109910508910963, 'Last': 0.11711422151910741, 'a': 0.09067092265028909, 'next': 0.08156787298156089, 'one': 0.05455257850567843, 'fiscal': 0.04702135274472506, 'that': 0.041540245671929064}, {'the': 0.30851635838550384, 'capital': 0.25566120115318947, 'and': 0.06600122522550755, 'a': 0.04247063049863376, 'of': 0.0359732192982044, 'live': 0.029924641989112707, 'The': 0.02737589026536604, 'common': 0.02497467308259867, 'large': 0.021707531243736332}, {'in': 0.05123393883118322, ';': 0.01362828028853125, 'up': 0.01206832461008925, 'from': 0.01040945504130558, 'them,': 0.010086924381560463, 'thereof,': 0.009656905351470563, 'In': 0.009205460750893553, 'him,': 0.009036097940757725, 'benefit,': 0.00892019276163303}, {'and': 0.05481047679783874, 'to': 0.04657723221418519, 'of': 0.031788763323048974, 'the': 0.029213218123083255, '-': 0.018781238171904618, '.': 0.015940163692249244, 'I': 0.015769540876346858, 'a': 0.014841622402843058, 'was': 0.013493181842864535}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.15229851833169575, 'and': 0.15189922542597578, 'a': 0.06442139401019498, 'of': 0.05586073235755087, 'to': 0.032916643639659224, 'be': 0.0295044588248849, 'Mr.': 0.02169182110083689, 'have': 0.02107669835891221, 'was': 0.020813211094649554}, {'the': 0.08148945938502487, 'and': 0.07662159056906366, 'of': 0.062252354815250356, 'a': 0.04534112973275497, 'to': 0.036023881516878804, 'at': 0.033436452288116765, '.': 0.024573980621865926, 'in': 0.02310845448361813, 'was': 0.01616101657680686}, {'and': 0.12609042808308701, 'the': 0.10981496704007557, 'to': 0.063148904806138, 'of': 0.05662443420888641, 'a': 0.039958778974359496, 'or': 0.038831950725188386, 'be': 0.03715537704845316, 'was': 0.03675134022103579, 'is': 0.03481259136879082}, {'number': 0.061175817876258885, 'out': 0.038178568642066424, 'one': 0.03258765744855978, 'line': 0.032030736890367166, 'part': 0.0302650032448267, 'day': 0.026989608600787966, 'side': 0.024926873639568, 'state': 0.024829885368078057, 'way': 0.02196342523984042}, {'a': 0.10417377019819299, 'the': 0.10140303220529291, 'and': 0.08766531076833323, 'of': 0.06196715814820565, 'was': 0.04888271256138721, 'is': 0.04092541348370702, 'to': 0.03561138869457731, 'be': 0.03258008633643107, 'in': 0.02827465794860668}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.20515944440767364, 'I': 0.15948271524786437, 'he': 0.14907294775451674, 'they': 0.06616180886028349, 'who': 0.06375402153432207, 'she': 0.0522769230748889, 'we': 0.039254424313198116, 'He': 0.03735185764963542, 'it': 0.03686542451999995}, {'a': 0.252574321983539, 'the': 0.2327532060524935, 'any': 0.09971654840266907, 'that': 0.0761187287275063, 'this': 0.04644442001159713, 'every': 0.039537788697127325, 'greater': 0.037861019235028444, 'latter': 0.029116307236611322, 'no': 0.026125414662914785}, {'and': 0.2023352642239042, 'the': 0.15934788342337028, 'of': 0.10739839734430326, 'in': 0.08358770146341254, 'to': 0.050740374173354634, 'was': 0.04870876556057144, 'is': 0.03291931141857542, 'are': 0.02973422046076329, 'that': 0.02331068712722356}, {'a': 0.1620292548284449, 'the': 0.14691620487649618, 'and': 0.13521719513406746, 'no': 0.1325993477294831, 'to': 0.09146469348274877, 'any': 0.06265878602091718, 'for': 0.05802469508594015, 'it': 0.056792960077694535, 'is': 0.05143459982630563}, {'and': 0.22141492448135053, 'that': 0.11675618078983784, 'as': 0.10103138768163002, 'even': 0.04364416651613074, 'but': 0.03536728086910686, 'him': 0.02802969866209332, 'see': 0.02545030632020898, 'or': 0.021063786505574535, 'asked': 0.018924003952060585}, {'the': 0.3606712978788293, 'a': 0.11463913236591745, 'his': 0.08376702450677151, 'their': 0.0644814872832238, 'of': 0.0610819606006538, 'and': 0.04198541553637777, 'The': 0.03904711898078075, 'its': 0.03405937090202558, 'in': 0.03213858660766809}, {'of': 0.3665579331627621, 'to': 0.100115373568018, 'in': 0.08731237994735051, 'by': 0.07416337204678924, 'and': 0.06871827539557326, 'for': 0.06207541131857784, 'that': 0.05682689646432333, 'with': 0.04256783852325835, 'from': 0.037771958584537746}, {'it': 0.2645988026026183, 'It': 0.25572243132250316, 'there': 0.09424242793590604, 'There': 0.058872232358959865, 'which': 0.05687202819934683, 'that': 0.03361094236749043, 'he': 0.033081780920809004, 'This': 0.030474444527216094, 'and': 0.02464324731043195}, {'of': 0.1333533661849079, 'the': 0.09393668323791601, 'and': 0.07239299029384473, 'to': 0.0713198304207533, 'in': 0.047270840564964944, 'a': 0.03953875601212043, 'be': 0.035219311395990396, 'for': 0.03407343962052774, 'is': 0.02637234518745899}, {'and': 0.08360244272602067, 'to': 0.05401714732536057, 'of': 0.04603824285163421, '<s>': 0.030760964487087088, 'the': 0.02589012102576329, 'is': 0.024816756774160568, 'by': 0.022575288191112697, 'was': 0.022467313958726733, 'at': 0.01727386371188498}, {'of': 0.26607430926375375, 'in': 0.1527480895969445, 'to': 0.09759137265479566, 'and': 0.07139885454794104, 'with': 0.07000503677624222, 'for': 0.06464913684075647, 'as': 0.05108308327501085, 'by': 0.048187560094386496, 'that': 0.04654819908026926}, {'of': 0.17618612718600393, 'to': 0.1544365027862789, 'in': 0.09866920012911042, 'and': 0.07494445384192402, 'for': 0.07302953065284999, 'at': 0.05823645827569342, 'with': 0.045881968066648994, 'In': 0.045821072398948115, 'from': 0.03348089032156804}, {'difference': 0.18013461275172396, 'and': 0.03557438204310838, 'lying': 0.035069511488646586, 'line': 0.03138441153181496, 'out': 0.02974515277776863, 'it': 0.02743579356313001, 'relations': 0.024809560808701392, 'up': 0.023344777450631005, 'made': 0.02049891582204192}, {'it': 0.16654121122554918, 'that': 0.14191383430108648, 'It': 0.08851970530040353, 'and': 0.08210341723278605, 'which': 0.0534235961810029, 'he': 0.038449587939541056, 'be': 0.02001953045548365, 'There': 0.01892816842619106, 'fact': 0.017043366088120324}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'it': 0.21547379784033063, 'It': 0.12860166282001423, 'he': 0.08990941067966288, 'there': 0.0880842687950527, 'that': 0.049189200263398916, 'they': 0.04768846838222415, 'I': 0.042794634919525995, 'and': 0.042144460811674486, 'which': 0.03347222001934071}, {'the': 0.3198351172848335, 'and': 0.12564188800558565, 'a': 0.11915954753955339, 'of': 0.08764425235290535, 'is': 0.049112136173488925, 'was': 0.04823432938348791, 'in': 0.045668608166302166, 'attorney': 0.04523433681859968, 'brigadier': 0.04256718413920818}, {'of': 0.3685275081481861, 'to': 0.11386063381081653, 'that': 0.10567396440242423, 'by': 0.08930427984772693, 'and': 0.08898362670025432, 'with': 0.04521040027363946, 'for': 0.03005187312183801, 'as': 0.02942787947807983, 'all': 0.027205769132614556}, {'of': 0.411936730146299, 'for': 0.10060146440893186, 'and': 0.08291035831520481, 'in': 0.07525273781416174, 'to': 0.0516994558886827, 'with': 0.04757172001499669, 'on': 0.04519586444146135, 'that': 0.04014886041484762, 'by': 0.03799124865636076}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'years': 0.4680259650126563, 'months': 0.09718181824809505, 'weeks': 0.08469009993570638, 'days': 0.06914304291327215, 'long': 0.06725098974293764, 'year': 0.051866558232431956, 'time': 0.04047082286665888, 'Years': 0.018597595420617404, 'week': 0.01585209890418029}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'by': 0.2240733753923659, 'no': 0.13698064981315458, 'and': 0.13265968125419866, 'the': 0.09025137807037574, 'a': 0.053090945642128316, 'of': 0.04821686509663134, 'which': 0.046451440221038885, 'This': 0.04557735463991405, 'this': 0.043502398925900576}, {'a': 0.3218713629847409, 'the': 0.3054636200026273, 'of': 0.09160449528896253, 'with': 0.05103854077994328, 'this': 0.03862710190650984, 'and': 0.03263263695013494, 'in': 0.03014814204346128, 'A': 0.025669739341567202, 'so': 0.02393970106351759}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'be': 0.2477387935107242, 'as': 0.15810074476648467, 'was': 0.12100910246028745, 'been': 0.09876274933332102, 'is': 0.08750719823408966, 'and': 0.06866500775634658, 'are': 0.03605728015106855, 'were': 0.029638484534081622, 'not': 0.02352165871678189}, {'of': 0.27732140725986604, 'to': 0.12324110156223145, 'and': 0.0979835846069194, 'for': 0.09367132561454905, 'in': 0.07271492780208588, 'with': 0.060013449017624426, 'that': 0.05418052170672727, 'by': 0.04664508173040153, 'is': 0.04169497919315025}, {'and': 0.1088569130958637, 'demand': 0.04453862491534128, 'ready': 0.02720341029372356, 'used': 0.022235320133195388, 'vote': 0.017346550188915538, 'as': 0.017224555741511795, 'him': 0.01665066774331745, 'candidate': 0.016631159640727367, 'not': 0.01659803098830298}, {'in': 0.17652760917965993, 'for': 0.151354009910558, 'of': 0.1446225411626746, 'within': 0.07676218447632911, 'and': 0.06717596279132201, 'only': 0.06128473435121691, 'In': 0.05570803182784873, 'with': 0.046693183934266455, 'is': 0.03963400043812576}, {'a': 0.6332320652738792, 'the': 0.1059198522917836, 'of': 0.06457128074143004, 'with': 0.04852216938324022, 'A': 0.03594375288439753, 'so': 0.024545090813541125, 'this': 0.02159489032544842, 'that': 0.016322184995035263, 'and': 0.013894128011475937}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.19524569687034954, 'of': 0.14239402894999725, 'and': 0.08693188193180217, 'to': 0.050619194476932666, 'a': 0.03963331675096915, 'be': 0.0381503609629568, 'in': 0.031227406569334645, 'for': 0.02938898788790185, 'was': 0.028814776063927156}, {'of': 0.1582559933891888, 'the': 0.09407817952359815, 'in': 0.057873491356385934, 'and': 0.04702176872006862, 'that': 0.03743136021928463, 'to': 0.031011104865684532, 'The': 0.026454772604923092, 'for': 0.022924280922302677, 'Mr.': 0.019774204214003416}, {'the': 0.6912715133208824, 'in-': 0.08437051312471988, 'The': 0.050756063263342525, 'tho': 0.037509511449124525, 'in¬': 0.027978506258286705, 'in\xad': 0.021653856184935028, 'a': 0.018916207514395062, 'In-': 0.014750682091625424, 'ex-': 0.014497882747323589}, {'to': 0.3998104028272193, 'will': 0.24403957252294364, 'would': 0.10492633504638049, 'shall': 0.05447905243911358, 'may': 0.038812088003366246, 'must': 0.03574603698291438, 'should': 0.03506840672811855, 'and': 0.018896743626906652, 'not': 0.01669482572115911}, {'is': 0.1839704133034569, 'well': 0.15306186826377607, 'be': 0.10515441374440873, 'was': 0.06475776869260531, 'not': 0.05960758065749064, 'been': 0.05129816452013809, 'are': 0.046476190768453815, 'and': 0.046118066122859055, 'have': 0.035548853522240444}, {'Mr.': 0.06423296420411746, 'and': 0.038205228653565466, 'the': 0.03174679409276599, '.': 0.02738683172229373, 'said': 0.023213424405744754, '<s>': 0.018962103527808926, 'of': 0.016658637903021013, 'at': 0.014524267128486422, 'to': 0.009910804901131465}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'land': 0.018818292000951788, 'in': 0.014891740139390326, 'State': 0.014609153593495553, 'men': 0.013107581435336121, 'good': 0.012963525792904317, 'state': 0.012854096078054045, 'power': 0.01222250941475954, 'relatives': 0.011186106454597982, 'up': 0.011073036258552703}, {'the': 0.05663902537673156, 'of': 0.052162894517557686, '<': 0.0353292661053852, '.': 0.030270461531452977, 'and': 0.026310876155280497, '-': 0.02421287051440058, 'i': 0.02204061367719295, 'in': 0.021199032066557728, 'a': 0.019504083432105787}, {'the': 0.08346084047998394, 'Miss': 0.08306145972863685, '.': 0.07163203877551734, 'of': 0.07069727258285294, 'Mrs.': 0.0602916830708708, 'Mr.': 0.054996310414188294, 'and': 0.04832773532475404, 'J.': 0.03649308440385253, 'W.': 0.03268997487637593}, {'is': 0.26668108330715845, 'was': 0.2134402123757406, 'are': 0.16665231234771516, 'were': 0.06526702887198227, 'do': 0.04825847987703721, 'am': 0.04276074486470578, 'and': 0.03617032810039669, 'Is': 0.03575896266672208, 'had': 0.035567891184783006}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'and': 0.12158587598304214, 'is': 0.0777485921195641, 'as': 0.06126103852574196, 'was': 0.05443935156901134, 'him': 0.0539695430510757, 'order': 0.05330475928277099, 'time': 0.04737865119656404, 'began': 0.04424297128287044, 'able': 0.043643169123988156}, {'the': 0.16697856281541437, 'of': 0.1003339393685195, 'and': 0.06984882915458458, 'a': 0.04488922607479607, 'to': 0.04088830265533055, 'his': 0.02565176292788663, 'be': 0.024770586036043842, 'my': 0.02346016304184917, 'I': 0.02178897985406721}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'is': 0.1878321678614983, 'have': 0.1446657692110379, 'had': 0.1326118719545026, 'was': 0.09135226693362732, 'has': 0.08303896059571551, 'that': 0.07998108815061951, 'and': 0.06983495574378078, 'be': 0.05265565900304071, 'made': 0.03549415388868923}, {'at': 0.3746642814888971, 'to': 0.15833619309483077, 'of': 0.14441186408131787, 'At': 0.07118709269064108, 'in': 0.0674350094965746, 'from': 0.0380992912468079, 'and': 0.029769270260061036, 'for': 0.029594775756099433, 'that': 0.0288974136131336}, {'of': 0.13379518430364737, 'as': 0.10642821803566876, 'is': 0.10137788697808478, 'to': 0.09607178110176283, 'for': 0.09107245888884016, 'such': 0.0735105956751664, 'with': 0.06894161789193805, 'and': 0.054189259409509444, 'in': 0.04881097165339563}, {'the': 0.10553883958057128, 'and': 0.10517103266371886, 'a': 0.08298332020215034, 'to': 0.07402528041880778, 'of': 0.06968031493822127, 'be': 0.028615751149539514, 'is': 0.02450406884617218, 'in': 0.02441216600534954, 'or': 0.02262121315311331}, {'of': 0.2480010559321971, 'in': 0.19158504203418453, 'for': 0.07260144575725336, 'and': 0.05952970653003898, 'In': 0.05885180682985233, 'with': 0.05579095491598292, 'the': 0.047104187113770284, 'to': 0.04133104669407262, 'is': 0.04031025355400066}, {'the': 0.12129240621109665, 'a': 0.1189814643802058, 'or': 0.10420482255847865, 'and': 0.10141107920647463, 'no': 0.0785378029132759, 'much': 0.06765555692786586, 'of': 0.05815629053314009, 'is': 0.046160507669847965, 'be': 0.03397229317805042}, {'is': 0.20221566080838008, 'was': 0.1069499335071282, 'of': 0.0907598785935698, 'and': 0.08808179459962469, 'be': 0.08578493553163977, 'as': 0.07903179524880018, 'with': 0.07739556899999044, 'for': 0.07217086929890341, 'to': 0.051351860196009125}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'it': 0.1657982808464531, 'he': 0.14888133484777766, 'It': 0.14862566960080198, 'I': 0.08586493645561234, 'there': 0.05715746150960535, 'He': 0.052175707780881826, 'and': 0.03929526355942609, 'she': 0.038870476809679616, 'which': 0.03848203858474434}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'it': 0.23391290710508142, 'he': 0.16267157043453945, 'It': 0.13506896522584164, 'and': 0.06580033426068034, 'who': 0.043057630964454634, 'He': 0.042766559657236906, 'that': 0.03773438049325313, 'she': 0.030471560723719336, 'which': 0.02922868675202688}, {'to': 0.33299591951496543, 'will': 0.2277942662122256, 'would': 0.1325311413103515, 'may': 0.06491404810535845, 'shall': 0.05687700685697799, 'should': 0.04777520305767541, 'must': 0.04001062125685607, 'not': 0.034102908012368836, 'can': 0.016562754016620652}, {'do': 0.45570931229546935, 'did': 0.25998372190407654, 'does': 0.1064768291626439, 'could': 0.04804158933133555, 'would': 0.0430768449535533, 'will': 0.03056810095073407, 'and': 0.010913426860507504, 'is': 0.010587987094106806, 'should': 0.008556838008775804}, {'that': 0.19334165128296624, 'and': 0.18742737884450153, 'but': 0.10569903914763065, 'as': 0.0761181804251399, 'which': 0.05807654670077377, 'if': 0.03936126387756893, 'when': 0.03767480503209417, 'where': 0.027471127676823876, 'But': 0.024854195042196804}, {'the': 0.11996188089585529, 'of': 0.11172188782648239, 'for': 0.08797065151835343, 'to': 0.07571991068343345, 'in': 0.06251166055503934, 'and': 0.060637840506536415, 'a': 0.038389854679088356, 'be': 0.029768972949534078, 'that': 0.02418078555311608}, {'the': 0.25144259602017643, 'a': 0.14893112868716188, 'of': 0.10188716726538058, 'in': 0.04548300120752826, 'and': 0.029130986780337688, 'The': 0.027869648360375168, 'to': 0.018370863560396952, 'on': 0.017897072312716786, 'from': 0.014826082108970759}, {'of': 0.3677085772401767, 'in': 0.1289677978592316, 'to': 0.11155336499542218, 'at': 0.10126952497253815, 'and': 0.0528726332224499, 'from': 0.047477062720468005, 'by': 0.04069258313157007, 'for': 0.039227459369731155, 'on': 0.03658061845812726}, {'the': 0.19366663680514382, 'and': 0.08128113731918163, 'a': 0.07212575929639982, 'of': 0.06672986838020205, 'to': 0.06478510233452361, 'so': 0.03284227220056475, 'is': 0.030619253841453187, 'in': 0.02730485862360423, 'be': 0.023414326482796212}, {'the': 0.6990645365013389, 'The': 0.06441739654624543, 'his': 0.043784196592054396, 'and': 0.030136184395232017, 'tho': 0.026247088431129093, 'a': 0.022722970712290413, 'of': 0.016807119862734442, 'this': 0.016003691342240497, 'that': 0.011387721784115953}, {'of': 0.11032739663682967, 'as': 0.09285541202156669, 'to': 0.06986983526102526, 'with': 0.06408878546944027, 'is': 0.06354208803627451, 'and': 0.061803547854693434, 'for': 0.055957122243576435, 'in': 0.04568116182159625, 'at': 0.04011268384705927}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'the': 0.09925501625211926, 'of': 0.07539066537015766, 'to': 0.06687690249507315, 'and': 0.06247654034047207, 'a': 0.03529890286489833, '.': 0.03213745543646429, 'in': 0.028968933578884786, 'at': 0.025747634732000917, 'was': 0.020906571719657638}, {'and': 0.15639096978988054, 'of': 0.12576564061424156, 'to': 0.08656582293149213, 'by': 0.08494160660059057, 'that': 0.084850639099532, 'for': 0.08453855872268481, 'in': 0.0561389656357335, 'with': 0.055679029137519, 'was': 0.042922445681246556}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'sum': 0.1581193760775818, 'rate': 0.07703749493494862, 'one': 0.03972076671020592, 'amount': 0.03275313581361226, 'out': 0.03156586460999243, 'number': 0.02903889126338095, 'consisting': 0.02682727324606622, 'instead': 0.02383889213517905, 'period': 0.02335721370016328}, {'the': 0.15568525428237218, 'Mr.': 0.11352661845840616, 'of': 0.0741052632522777, 'The': 0.04848014983369766, 'and': 0.04662287945546754, 'that': 0.04309843811355618, 'a': 0.03230202603788462, 'Mrs.': 0.022114338424072632, '.': 0.01828302729721407}, {'that': 0.24715985933848605, 'and': 0.15762721074378622, 'but': 0.08470261858312049, 'as': 0.07077955572788786, 'when': 0.06468281788235339, 'which': 0.06339550811110875, 'if': 0.037432756384085435, 'where': 0.030194946830544037, 'until': 0.021357863810497073}, {'was': 0.2631077553591027, 'be': 0.16431360068551776, 'is': 0.12435981290537991, 'and': 0.0874516167905461, 'been': 0.07846742772299252, 'were': 0.05805083737238826, 'as': 0.05453863976319873, 'are': 0.04395160754192651, 'being': 0.03033085289821831}, {'the': 0.14188505723660197, 'and': 0.09262317450618116, 'of': 0.0738864041509582, 'be': 0.0621607495817144, 'to': 0.06115189078168849, 'a': 0.05076893696612521, 'in': 0.025833231793956368, 'or': 0.023091654563042, 'is': 0.021885878814445335}, {'was': 0.2045997114492196, 'and': 0.13636233575419915, 'be': 0.06904452851605271, 'is': 0.06624529057110502, 'had': 0.0652497827396793, 'were': 0.062435488310752, 'are': 0.05702334309423605, 'have': 0.05531332450644719, 'been': 0.05121762474765618}, {'of': 0.17287424311272434, 'at': 0.0837982604642378, 'to': 0.07808683232537623, 'and': 0.07649453206309607, 'the': 0.061036965431777924, 'a': 0.04607402757264642, 'or': 0.03959654159083109, 'for': 0.026274504275775462, 'about': 0.024011941925633648}, {'the': 0.6266285694104137, 'a': 0.1727043216715921, 'his': 0.04504904525729206, 'The': 0.03301254741857211, 'tho': 0.032914782262650454, 'tbe': 0.01221688073792237, 'to': 0.012068045745600955, 'of': 0.012058433527937895, 'their': 0.010687210674348422}, {'<s>': 0.13735460155810375, 'it.': 0.020037432067429407, 'them.': 0.016014314828646646, 'year.': 0.01171221158901856, 'time.': 0.01060752214129038, 'country.': 0.010452254215407604, '.': 0.008914992009522369, 'day.': 0.008807453695874563, 'work.': 0.007129079740620787}, {'is': 0.09636698839132157, 'and': 0.05848240576685814, 'him': 0.04724721571282636, 'them': 0.03822211848585586, 'was': 0.036193946333251105, 'not': 0.03576530812157104, 'able': 0.0356778047323774, 'right': 0.03279483457610644, 'necessary': 0.026156984658934623}, {'John': 0.0224139386046544, 'James': 0.017762962689597997, 'William': 0.016912930558216663, 'Robert': 0.014582005392751084, 'Mr.': 0.013848236048019085, 'Joseph': 0.009794868488203603, '.': 0.009475896612594492, 'George': 0.00944388761321731, 'Charles': 0.007899341402266407}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'in': 0.11561123237194187, 'was': 0.10096427050272148, 'is': 0.09663420904644006, 'and': 0.08488990858239187, 'are': 0.06171800876240672, 'be': 0.060235838489279936, 'of': 0.054459237137925706, 'to': 0.05130391576078078, 'by': 0.03242935357588261}, {'the': 0.4403936779923366, 'a': 0.29814864408924985, 'of': 0.03625754225024515, 'in': 0.032293574768441295, 'and': 0.027330085807826768, 'for': 0.02636266269794956, 'to': 0.025232561352207285, 'tho': 0.01982315723614464, 'from': 0.015224296625473125}, {'it': 0.13787290960578877, 'he': 0.12076876478571731, 'It': 0.09115234516723242, 'which': 0.06522824064097428, 'I': 0.06159272481120636, 'and': 0.051680260640388276, 'who': 0.040644477989535834, 'He': 0.036847793268416994, 'that': 0.03449250464665571}, {'of': 0.34108062388870947, 'to': 0.13912529894458614, 'that': 0.09669910076564268, 'in': 0.07971400343055601, 'and': 0.06420963594029022, 'by': 0.05855936921361668, 'on': 0.05078210848384636, 'for': 0.04189861519548629, 'from': 0.03724211038222838}, {'and': 0.12539676853001938, 'made': 0.04791633301034204, 'necessary': 0.04325657317286549, 'care': 0.037084257519947164, 'impossible': 0.03445747893042902, 'it': 0.0330617718492793, 'enough': 0.03223997134081049, 'pay': 0.031425140805495924, 'responsible': 0.028295186080418495}, {'be': 0.14435295354323888, 'was': 0.1424553696317175, 'were': 0.09411560149260087, 'to': 0.06508376791544095, 'been': 0.05906744730488031, 'is': 0.05705051029486605, 'are': 0.05101265914857243, 'and': 0.04900942195736106, 'not': 0.0324045772010308}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.19850810625571214, 'of': 0.11103643853021818, 'to': 0.0786664699556278, 'and': 0.07751843331153636, 'a': 0.055933497800549785, 'in': 0.034195488437797746, 'be': 0.02994003634409797, 'is': 0.02463658338107408, 'for': 0.02435450358336164}, {'the': 0.3917794360150645, 'a': 0.1103199331075483, 'and': 0.10681850846880533, 'his': 0.0772561724506166, 'of': 0.0528638715927046, 'in': 0.03787610107312825, 'their': 0.0349474051468109, 'tho': 0.03282303384489078, 'The': 0.030771245568243087}, {'up': 0.03028956247788714, 'him': 0.022250075727016545, 'made': 0.016550504880389824, 'men': 0.016449739005508224, 'them': 0.01551272284601844, 'time': 0.0151922286402663, 'right': 0.014843336720200745, 'out': 0.014607800762874235, 'it,': 0.013936494180805191}, {'did': 0.21810617112733646, 'do': 0.2023923027052712, 'could': 0.14452181097421948, 'does': 0.12302518059893983, 'would': 0.08640600130095584, 'will': 0.07967238785002574, 'is': 0.03845514973808416, 'should': 0.028353689750894594, 'was': 0.0250760074533717}, {'to': 0.7065503415193185, 'and': 0.05014935454620419, 'not': 0.04933576948321342, 'could': 0.04071057322252031, 'will': 0.029188019226748255, 'can': 0.027626825725612113, 'we': 0.021074899942265947, 'you': 0.017489590886439716, 'they': 0.017456329714978028}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.24592481172919722, 'of': 0.08799518409066265, 'and': 0.08342479099908653, 'a': 0.07036413890685099, 'to': 0.03230967619767067, 'The': 0.028886139565552995, 'that': 0.02584696561762892, 'his': 0.023641253846325976, 'Mr.': 0.0229026368469591}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'forenoon': 0.05766658345487863, 'one': 0.049363574848151855, 'result': 0.03947922091726161, 'out': 0.03723003931221917, 'all': 0.035923595106952574, 'part': 0.03045119664844796, 'some': 0.024150696486699225, 'much': 0.02371734611801092, 'is': 0.023574873175895468}, {'<s>': 0.045191481459164996, 'it.': 0.022231837474333823, 'him.': 0.013299407491614427, 'them.': 0.012592831479394032, '.': 0.009715792469123167, 'time.': 0.007034393015092455, 'again.': 0.006402795482757966, 'her.': 0.005678383629563728, 'life.': 0.005478861212018729}, {'the': 0.4088344221551265, 'a': 0.2619399243848256, 'of': 0.05451267340794219, 'and': 0.043656663379128345, 'for': 0.04122100443912157, 'The': 0.03761192369498936, 'A': 0.02955855840155687, 'some': 0.025385142915629707, 'his': 0.025083773467560803}, {'of': 0.35492950754505703, 'to': 0.11085932391445885, 'in': 0.08606715831777903, 'that': 0.07581850440049767, 'all': 0.06706850417309457, 'and': 0.06349410270227597, 'by': 0.05679953460733751, 'for': 0.046671978524471934, 'with': 0.03448895068642303}, {'-': 0.05591638449147495, 'the': 0.038613804751644505, 'and': 0.03773335000503156, 'of': 0.024544388766679807, 'an': 0.024245936424127017, 'a': 0.020571655388997162, '<s>': 0.014485384852521347, '.': 0.013746911751257364, 'it': 0.01192767593391574}, {'they': 0.12178261291592014, 'and': 0.07836605610615499, 'there': 0.07809191830949952, 'who': 0.06704013231600343, 'which': 0.05959949927248193, 'we': 0.05797595532470066, 'They': 0.05361350070791357, 'These': 0.0440550083032213, 'that': 0.0428012864374662}, {'the': 0.18473132508583334, 'and': 0.17214826054596621, 'of': 0.09744988624491628, 'an': 0.0892001411556299, 'to': 0.07521581025111038, 'was': 0.0463093708913791, 'be': 0.0402939582213112, 'with': 0.03341803100490948, 'or': 0.028044279635657417}, {'the': 0.212143011982607, 'of': 0.07751474345432842, 'and': 0.07285839805522915, 'that': 0.055773065302453004, 'The': 0.04573991974383213, 'a': 0.04469299108218935, 'Mr.': 0.03651112289894266, 'in': 0.022878266643741117, 'no': 0.02055398746585173}, {'one': 0.08921751374425257, 'out': 0.07112379952092995, 'part': 0.06167381209166008, 'some': 0.04424357509516522, 'account': 0.04386179152489113, 'any': 0.030316516135152728, 'all': 0.02652981212233094, 'that': 0.02551031471747086, 'tion': 0.022119047941123286}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'number': 0.10972542346371332, 'be': 0.04629406601927263, 'is': 0.03766167646939088, 'purpose': 0.03300410875077174, 'out': 0.028173107247228962, 'board': 0.02795159162474076, 'sum': 0.02779065579920013, 'matter': 0.027767608466259502, 'are': 0.027761967213830372}, {'the': 0.41754528691472326, 'National': 0.12675669065040565, 'State': 0.0856155357106733, 'a': 0.059507694244041696, 'said': 0.056990373655705744, 'City': 0.040535041214654996, 'this': 0.03270050398461335, 'our': 0.030818653723829494, 'Constitutional': 0.02994790064273861}, {'and': 0.08947236061386915, 'filled': 0.050036137818790516, 'covered': 0.04108921027513777, 'connected': 0.033785663919748174, 'parallel': 0.028917934850359373, 'accordance': 0.02359897407929103, 'charged': 0.023385606533361903, 'together': 0.023031884162246573, 'connection': 0.022206917924446047}, {'and': 0.16438969718354784, 'of': 0.11053928062428701, 'the': 0.07339076480557165, 'that': 0.02889529429596513, 'in': 0.017685276277170578, 'per': 0.01542716715058551, 'or': 0.013985890888988856, 'with': 0.01359571143864943, 'for': 0.012077018266646249}, {'be': 0.24534464931906294, 'was': 0.24380853671581879, 'is': 0.13343045258524036, 'been': 0.1012993218184881, 'were': 0.08869612336541122, 'are': 0.07533237031302477, 'Is': 0.026866439953209885, 'and': 0.026680263759616848, 'being': 0.016544692483811806}, {'the': 0.12244612789312934, 'a': 0.12231202992742327, 'of': 0.10594522043881764, 'in': 0.10364705904664191, 'and': 0.09244938968949624, 'to': 0.04476138426697517, 'In': 0.024682408958477828, 'an': 0.020821296895827325, 'as': 0.01942894477501001}, {'three': 0.23746587889024964, 'six': 0.15857045714684528, 'two': 0.12637609714724202, 'few': 0.11472978414160612, 'four': 0.08261757522986644, 'several': 0.053158638444128534, 'five': 0.050832704034877586, 'twelve': 0.030545384513261494, 'many': 0.029741734821835362}, {'and': 0.2294050363765864, 'that': 0.10842418060995646, 'of': 0.08434050847147721, 'when': 0.08212370750521789, 'do': 0.05864783761227857, 'if': 0.05179502045230671, 'as': 0.05162615541399239, 'but': 0.051207127654633325, 'all': 0.038216975824392}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'.': 0.0986985313775203, 'Mr.': 0.06968774328680549, 'Andrew': 0.062413845973164794, 'A.': 0.058901879607939675, 'C.': 0.04552956426503298, 'W.': 0.04428213863673463, 'Mrs.': 0.041004482889653894, 'J.': 0.04007012732417396, 'H.': 0.035742036941507085}, {'of': 0.2566488510010867, 'the': 0.15327633424203918, 'in': 0.08006680501362426, 'for': 0.04230852336662199, 'and': 0.03330588252644991, 'to': 0.03220391195769842, 'a': 0.031169627677908703, 'at': 0.019109542524453016, 'by': 0.017330759961091784}, {'had': 0.16956565285567798, 'was': 0.12639170077225673, 'could': 0.12128032328349486, 'is': 0.08913448381018517, 'has': 0.08763397919532102, 'have': 0.07923054909215342, 'and': 0.07039006096308065, 'I': 0.053923933389430884, 'can': 0.04904376801148745}, {'the': 0.38890192615015706, 'a': 0.0908395308359479, 'and': 0.07050141150000497, 'The': 0.03842903486080096, 'of': 0.030941022071716496, 'tho': 0.027849399614002977, 'or': 0.015115521225907723, 'tbe': 0.014380516986369605, 'in': 0.014295167381734945}, {'and': 0.11674275470858117, 'the': 0.10878600237455655, 'of': 0.10049553321996695, 'to': 0.08777397288160169, 'in': 0.04848638521835998, 'be': 0.03746226053354588, 'was': 0.02569076797064746, 'a': 0.02510501501838336, 'on': 0.024010567691811112}, {'that': 0.3416398896557548, 'which': 0.11887803129388244, 'and': 0.08056276347449585, 'as': 0.05980903382604391, 'where': 0.046813859184237645, 'if': 0.04575536065458413, 'but': 0.04047340245984402, 'when': 0.035458442450329725, 'what': 0.0302208745943237}, {'to': 0.26368465597433993, 'not': 0.13522518782370294, 'and': 0.113136254911996, 'will': 0.0981802958132011, 'a': 0.05861579332451739, 'would': 0.05742211489166673, 'I': 0.0502703769393256, 'the': 0.04172343864389652, 'we': 0.034693088065101046}, {'in': 0.022756563309607417, ';': 0.01629689174995216, 'up': 0.01437595667564337, 'it,': 0.009782295793680878, 'dollars': 0.009188871478766151, 'county,': 0.00908668174205035, 'time': 0.008756053449632787, 'him,': 0.007895357227741751, 'and': 0.007853345035931209}, {'and': 0.07655778403650682, 'is': 0.06826274403585873, 'able': 0.06772907756619155, 'right': 0.054120435455958786, 'have': 0.052344820741178216, 'order': 0.04688259861212473, 'him': 0.04632769501100918, 'ought': 0.045687847871683916, 'enough': 0.04562609161015419}, {'a': 0.3451422410332643, 'of': 0.1333298728290139, 'the': 0.12164458060491876, 'and': 0.07462549672846432, 'for': 0.03384346311357997, 'in': 0.033635177508051416, 'with': 0.030942909417201972, 'A': 0.02989748445257895, 'by': 0.025064788300072117}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'Board': 0.3239170751874629, 'number': 0.034504882426965554, 'State': 0.0326696093070812, 'House': 0.025185949982343137, 'state': 0.02312512155345776, 'line': 0.0208483467594172, 'out': 0.01945229904863777, 'city': 0.017961171131459275, 'Superintendent': 0.015094786562792204}, {'the': 0.2181793076407424, 'Mr.': 0.07857785193258426, 'of': 0.07295098089280648, 'The': 0.0637307994810779, 'and': 0.05885440013072087, 'that': 0.046435186239938524, 'a': 0.02853125724501091, 'his': 0.01870642531244085, 'Mrs.': 0.016344916628177258}, {'of': 0.38149521978181805, 'to': 0.13591624099889277, 'in': 0.10599219938762534, 'that': 0.057692030582566556, 'and': 0.05008005076851668, 'by': 0.044038973594904586, 'with': 0.038312643420949984, 'all': 0.03643386907458985, 'from': 0.03171043372128119}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.2477701372129402, 'a': 0.21493459393425404, 'certain': 0.11662486583548264, 'said': 0.06029659096646936, 'con-': 0.0423881723706631, 'this': 0.0272601982994649, 'and': 0.024134880614115894, 'any': 0.023993645564513395, 'or': 0.022946543148811015}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.23312232315233886, 'and': 0.21953163631325995, 'about': 0.1104769843429693, 'for': 0.0775360851764867, 'than': 0.06631053230276704, 'to': 0.05006374537430406, 'at': 0.03756110191997967, 'or': 0.025843285177485624, 'nearly': 0.02203064272800083}, {'the': 0.17490333149447543, 'and': 0.10859859002951482, 'of': 0.1062559545127479, 'a': 0.07738513931840774, 'to': 0.0633252153474729, 'in': 0.04194721343802743, 'his': 0.027287966615486124, 'for': 0.022028911512291593, 'or': 0.02154939950940547}, {'sale': 0.45999341961181767, 'and': 0.06885602662413363, 'therein': 0.040546155105208294, 'was': 0.038623580760104005, 'be': 0.030252498980200902, 'is': 0.028370890464674073, 'as': 0.027696123245832618, 'mortgage': 0.02245157932567183, 'land': 0.022254723253586732}, {'judgment': 0.1293511162096841, 'and': 0.08518614997757126, 'protest': 0.05972963359252915, 'is': 0.03424645339092034, 'Judgment': 0.03143606594947848, 'was': 0.03113156154399151, 'action': 0.02942114618946556, 'made': 0.029364649090240984, 'be': 0.02590250090701007}, {'his': 0.27511866657724654, 'the': 0.23483867184636809, 'a': 0.10290970111109257, 'their': 0.059732312264659485, 'her': 0.05959673249541143, 'my': 0.04503227103229012, 'whose': 0.04082943530221846, 'to': 0.04041853393379852, 'your': 0.022452296304077395}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'and': 0.1686139155867294, 'of': 0.1411605744911117, 'to': 0.09956464008214827, 'the': 0.09277997507553186, 'by': 0.06686107496021403, 'was': 0.055999935411995924, 'be': 0.040254134611472384, 'been': 0.037639867201308255, 'Generally': 0.03689615312089156}, {'of': 0.20250155795992178, 'and': 0.1371106906077531, 'the': 0.07840094068733323, 'to': 0.047204135399361496, 'at': 0.046950043408790505, 'St.': 0.045089586759997094, 'by': 0.035107188438733145, 'from': 0.03295938231515909, 'Mrs.': 0.027924413811075036}, {'the': 0.5714837695116577, 'The': 0.13676851036626775, 'to': 0.06805478804423741, 'a': 0.056871395483001845, 'and': 0.03484383168092102, 'tho': 0.032565973361529256, 'tbe': 0.012637574667878904, 'of': 0.010584085229222303, 'his': 0.009479542487219746}, {'to': 0.44174941802917456, 'not': 0.10314935573766237, 'and': 0.10294331888016453, 'will': 0.07651634500055504, 'would': 0.060216575215538984, 'or': 0.029303207490859358, 'should': 0.022343640110623883, 'was': 0.018087160362403387, 'must': 0.01735839685825806}, {'of': 0.30348933656787125, 'and': 0.17115567389813113, 'are': 0.08484555101273325, 'by': 0.04981639899140979, 'to': 0.04449763695438395, 'in': 0.04383918515005381, 'for': 0.042550296347002144, 'from': 0.039488688198114075, 'as': 0.025448107738840278}, {'the': 0.8045974431477543, 'tho': 0.0449487967047866, 'The': 0.024312983914020533, 'of': 0.024175081527916125, 'tbe': 0.015760487916506017, 'and': 0.01020319324024074, 'by': 0.00810522905002265, 'in': 0.007048220095511865, 'from': 0.00484018753985739}, {'line': 0.04534239407509173, 'corner': 0.04510288588281419, 'city': 0.043919900821610486, 'place': 0.04216017385775058, 'side': 0.04124540542454327, 'out': 0.0337115587127515, 'half': 0.028751533145249288, 'day': 0.028711069759561003, 'feet': 0.028458255749783674}, {'the': 0.5795979302129808, 'corporate': 0.17868089825730588, 'tho': 0.03446376747502519, 'The': 0.025334373710315047, 'a': 0.020099073573470603, 'tbe': 0.013966214776471595, 'first': 0.01120904767702506, 'porate': 0.008280975272667461, 'present': 0.007443554365198888}, {'that': 0.24715985933848605, 'and': 0.15762721074378622, 'but': 0.08470261858312049, 'as': 0.07077955572788786, 'when': 0.06468281788235339, 'which': 0.06339550811110875, 'if': 0.037432756384085435, 'where': 0.030194946830544037, 'until': 0.021357863810497073}, {'the': 0.4257185421356615, 'a': 0.2398577735210592, 'The': 0.07547808121711998, 'of': 0.06721509233741747, 'and': 0.03925133177723834, 'A': 0.023161560691773317, 'tho': 0.019952569321272273, 'this': 0.01949888553518803, 'with': 0.019455255819398973}, {'that': 0.2004233424382966, 'and': 0.1279713996569892, 'as': 0.11519361642522073, 'when': 0.09959565132635151, 'which': 0.08911155478505033, 'if': 0.0656953402484093, 'where': 0.04899440996766055, 'but': 0.04350991764189962, 'until': 0.03162011905297386}, {'to': 0.2710523990094372, 'the': 0.20307106655204948, 'at': 0.10304049039119607, 'of': 0.0744031042084495, 'his': 0.05851641226419599, 'their': 0.04967450301081042, 'and': 0.0385729767631913, 'no': 0.02937946478740589, 'will': 0.02499126865877412}, {'and': 0.08556532972561293, 'as': 0.07283871949101557, 'right': 0.06680462451275564, 'enough': 0.06456797697895404, 'necessary': 0.06277448640571164, 'order': 0.06105379236479488, 'is': 0.052872921583504, 'able': 0.050351884350211644, 'made': 0.039429736012513844}, {'of': 0.17994284372650698, 'and': 0.1171878253348721, 'the': 0.11262358968255055, 'to': 0.07114220438597925, 'a': 0.06712561832209425, 'by': 0.06042946193100543, 'for': 0.05826714882057059, 'with': 0.028426950750093417, 'that': 0.027622632957023486}, {'and': 0.17647210397606578, 'the': 0.12161116810061752, 'is': 0.08912820428074618, 'an': 0.08061157213328463, 'was': 0.07351935727705795, 'are': 0.06625109458680759, 'be': 0.06380130521453722, 'that': 0.049770081218436416, 'been': 0.04465872267154229}, {'the': 0.1567905369499843, 'Mr.': 0.11698684441705379, 'of': 0.06484320653232602, 'and': 0.059742597420897194, 'was': 0.033768253989487546, 'The': 0.027089779817287253, 'a': 0.024004282681999837, 'Mrs.': 0.020782392771039396, 'I': 0.01928828748882748}, {'of': 0.3926625811449071, 'to': 0.12566471689831843, 'in': 0.09444844495762357, 'on': 0.056372492071210645, 'by': 0.054141291919222255, 'and': 0.050831899186002796, 'with': 0.04345928365940853, 'that': 0.038877989031052884, 'for': 0.03471211844017746}, {'of': 0.3222156366897658, 'in': 0.21784161889355952, 'to': 0.09208335563668645, 'for': 0.07308472863159222, 'with': 0.05324710908273145, 'that': 0.04947945189270949, 'and': 0.044883588211806005, 'In': 0.03750232302256356, 'no': 0.02991198624191528}, {'to': 0.4823979992688989, 'will': 0.14193330474102656, 'and': 0.09182391609664103, 'would': 0.0798525020987825, 'not': 0.06973130496837285, 'shall': 0.023552547299792514, 'may': 0.020172918399105556, 'they': 0.017745185486329113, 'can': 0.017159592137149206}, {'the': 0.8230174911349312, 'this': 0.05237794681751629, 'tho': 0.028820528153822814, 'tbe': 0.012753357303462763, 'our': 0.011886619054800667, 'a': 0.011789591139989366, 'The': 0.007111253462300099, 'said': 0.007058665489949517, 'civilized': 0.004354752105615926}, {'of': 0.47599851958692846, 'to': 0.12585361254607771, 'in': 0.10667372981609954, 'by': 0.04918408151972875, 'for': 0.040466274406068654, 'from': 0.025715552010849827, 'the': 0.023701175791427442, 'that': 0.022719704263558224, 'and': 0.022278310150613632}, {'the': 0.7345558020360712, 'an': 0.04187357834773158, 'tho': 0.03786269372551304, 'The': 0.03557910221746, 'of': 0.02935574791398196, 'in': 0.028501708888202526, 'tbe': 0.018607031834407758, 'and': 0.0179514827994995, 'a': 0.01610884912671536}, {'a': 0.32258135321391945, 'the': 0.2385774591928643, 'and': 0.05813785292165987, 'of': 0.04551357394999761, 'his': 0.04237753595001009, 'their': 0.030331700077173174, 'The': 0.028743301430927928, 'this': 0.019039461805519443, 'our': 0.01576013443941282}, {'the': 0.6488062387402233, 'a': 0.11648369085763914, 'tho': 0.03490333000335515, 'The': 0.02763970139029702, 'tbe': 0.012435852856739637, 'A': 0.011746811804451114, 'in': 0.009762300824046806, 'of': 0.009466977840342962, 'great': 0.008795225093157739}, {'the': 0.6357084679158248, 'of': 0.06284641717249263, 'American': 0.049809878997981304, 'our': 0.041635624748657105, 'a': 0.03864427020707186, 'his': 0.03792706464668406, 'tho': 0.029020846656847763, 'other': 0.02189693418665128, 'these': 0.01630487968258621}, {'and': 0.1391002830735876, 'to': 0.09103343649590895, 'the': 0.047608058032173224, 'of': 0.046250568298350114, 'con-': 0.035688582123337385, 're-': 0.03321334839454769, 'that': 0.03262723936768262, 'or': 0.031074196234599498, 'which': 0.025551106426123966}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'it': 0.028931207708282145, 'them': 0.027741161484989233, 'him': 0.021389769126970992, 'made': 0.01991281063605354, 'and': 0.016148254654569243, 'men': 0.015373086056966101, 'work': 0.015216297002823653, 'feet': 0.01468241893804611, 'there': 0.014231319088848211}, {'one': 0.08252957272393868, 'part': 0.05842544678102884, 'out': 0.05563200645402795, 'and': 0.04259687694361967, 'that': 0.04142419075777365, 'all': 0.036602172775201065, 'front': 0.03042765573644944, 'portion': 0.029916881661975602, 'some': 0.025439048174658748}, {'the': 0.3927479514253031, 'his': 0.17962311407754694, 'The': 0.07236384321638861, 'my': 0.06669614888202799, 'their': 0.055769628889637275, 'her': 0.04536098425673452, 'no': 0.042976906147790046, 'our': 0.034909578214017085, 'an': 0.029167876346183407}, {'to': 0.4655711200904067, 'will': 0.12175755321989626, 'not': 0.07472322103810432, 'would': 0.06497455934126348, 'and': 0.0608083807117355, 'you': 0.029451961354788336, 'they': 0.028186561813864582, 'should': 0.02778798060530797, 'must': 0.021759927411559687}, {'to': 0.2908992759026194, 'and': 0.1682622743298842, 'will': 0.07243644255959394, 'not': 0.07214172820032291, 'would': 0.05373410084255015, 'be': 0.04801822512920342, 'they': 0.04335654977453283, 'shall': 0.03506212911559295, 'the': 0.03122691992623194}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'purpose': 0.08133601485078845, 'number': 0.05787546961838289, 'instead': 0.05678315992208596, 'means': 0.055924304198522, 'out': 0.05117975230740294, 'kind': 0.04280472402854555, 'amount': 0.04182209339660064, 'lack': 0.04090871479071155, 'method': 0.037789646207484096}, {'hundred': 0.07295482205422142, 'Hundred': 0.018753964413000535, 'dull': 0.01686586480970877, 'quiet': 0.016488983920568533, 'up': 0.01563735486594976, 'men': 0.014587965369364695, 'north': 0.013853037007429838, 'street': 0.013651485704500262, 'east': 0.011052590100255688}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'of': 0.24078642589867544, 'the': 0.11543622386969761, 'his': 0.07579889026116955, 'in': 0.05524210731995289, 'at': 0.05024726672740049, 'with': 0.03795390002137908, 'for': 0.037634861519486404, 'her': 0.0342871504778759, 'their': 0.03185833110380885}, {'to': 0.5348814571450863, 'will': 0.17408234746827614, 'would': 0.08162010143812343, 'and': 0.057045990381214245, 'may': 0.031433617840222056, 'shall': 0.023416441188725996, 'should': 0.01758054475803428, 'could': 0.016217001093848247, 'not': 0.015333016241927695}, {'rea-': 0.2909384677622492, 'per-': 0.24921803159286796, 'the': 0.08148663065568329, 'per¬': 0.07590253259267248, 'per\xad': 0.053089670975055465, 'les-': 0.04912544068774407, 'and': 0.027530035865950642, 'his': 0.017409162151940952, 'rea¬': 0.016575457798435462}, {'and': 0.1293929430120958, 'to': 0.11802623825043505, 'in': 0.05645365911423492, 'I': 0.052034440164413776, 'of': 0.03602153426919112, 're-': 0.03377192839127701, 'the': 0.02824076242409842, 'not': 0.02436808323297424, 'he': 0.021943321573334208}, {'the': 0.14584558827218, 'of': 0.1057703331533616, 'and': 0.08693876311859385, 'a': 0.07153577588943408, 'to': 0.053573635858407784, 'in': 0.03167687005398054, 'with': 0.02372955828993878, 'by': 0.01893044514677004, 'for': 0.018626690005174827}, {'the': 0.5088922736226371, 'County': 0.24928154747203982, 'The': 0.031189399007257007, 'tho': 0.03010655605195633, 'by': 0.02495759782779881, 'tbe': 0.01502752674907994, 'Land': 0.013323005714028844, 'said': 0.013141711922319064, 'of': 0.01172907044675926}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'the': 0.0364737329918525, 'and': 0.03054495146849423, 're-': 0.021439434901072325, 'of': 0.018878352529726094, 'a': 0.014626437418582874, '.': 0.014501684161729794, '-': 0.013575340538580262, '<s>': 0.011702093321342416, 'that': 0.009445442894000218}, {'the': 0.14580101023001985, 'and': 0.08345600474459582, 'of': 0.061358702503145714, 'in': 0.03303032765032067, 'to': 0.031900760890739115, 'that': 0.027589384618926908, 'was': 0.025708557126718105, 'I': 0.024702043153506725, 'be': 0.023796320985392878}, {'time': 0.3672688258554762, 'and': 0.07196604155065862, 'as': 0.06485391686649496, 'him': 0.03372571026823163, 'is': 0.02802324869926636, 'them': 0.02666444173799124, 'required': 0.02556710877075939, 'subject': 0.021084893032318388, 'order': 0.020402450886469477}, {'in': 0.05123393883118322, ';': 0.01362828028853125, 'up': 0.01206832461008925, 'from': 0.01040945504130558, 'them,': 0.010086924381560463, 'thereof,': 0.009656905351470563, 'In': 0.009205460750893553, 'him,': 0.009036097940757725, 'benefit,': 0.00892019276163303}, {'up': 0.07394403231593119, 'addition': 0.06425867562316782, 'and': 0.05825130436402971, 'came': 0.05337090137696794, 'as': 0.05260466430986238, 'due': 0.04153060531781821, 'according': 0.04060236881963609, 'reference': 0.039537101183225024, 'sent': 0.03879908645307954}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'that': 0.21642711960136363, 'and': 0.1478855765094749, 'if': 0.08638995122859487, 'will': 0.06421176132851296, 'If': 0.04698497405102318, 'as': 0.0445109973467094, 'would': 0.04013036233448011, 'is': 0.03689441588155468, 'for': 0.035371731855565774}, {'of': 0.36122778761591445, 'in': 0.13812468237830494, 'to': 0.11890818235948647, 'at': 0.06424653600548919, 'for': 0.05580761365621294, 'and': 0.05263202591735129, 'from': 0.04550079375265991, 'that': 0.03937798974539117, 'with': 0.03862100853392677}, {'Mr.': 0.08251310821559951, '.': 0.06115615758851232, 'to': 0.054108287155294144, 'and': 0.048331522482513406, 'of': 0.04159673200743115, 'Mrs.': 0.034340912868436164, '<s>': 0.01987145461527042, 'A.': 0.017377076913427002, 'J.': 0.014555421182615215}, {'four': 0.27565315780097616, 'three': 0.15693816130269492, 'two': 0.11326463104334422, 'five': 0.04417002992888894, 'one': 0.04231924126490767, 'ten': 0.03132036830724986, 'eight': 0.030183274587435284, 'six': 0.025891974522035358, 'hundred': 0.018284462467234478}, {'and': 0.21214959835878663, 'the': 0.12157828373181011, 'of': 0.10537077535786955, 'in': 0.10013797276020257, 'are': 0.0596397087524816, 'by': 0.04792259103199167, 'for': 0.035434739155903165, 'is': 0.031457185561324326, 'In': 0.03073790991759807}, {'to': 0.2930942128718252, 'in': 0.2443520904336904, 'In': 0.1467576449559788, 'of': 0.05813061001678723, 'the': 0.05139446141954807, 'a': 0.04501255637009215, 'this': 0.034529356167196046, 'and': 0.025626140747092425, 'without': 0.01729625753312158}, {'of': 0.4057458102852498, 'to': 0.08970981028562072, 'by': 0.08510772771586551, 'on': 0.07302574471989977, 'and': 0.06095861401345625, 'that': 0.05693020587467094, 'in': 0.05082185994010375, 'from': 0.03034883033967439, 'at': 0.029322743521003322}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'the': 0.17087116299664976, 'of': 0.10190142499721039, 'a': 0.08412097900898033, 'and': 0.05260551021227671, 'or': 0.041810499317992585, 'to': 0.040100648227773907, 'in': 0.033880585424514977, 'any': 0.0240775442330798, 'be': 0.019258494327570132}, {'the': 0.2220342648134203, 'pro-': 0.13978491090835982, 'a': 0.0870910577002116, 'to': 0.04004626088400444, 'and': 0.03507364548503609, 'pro¬': 0.033192187370491275, 'pro\xad': 0.02695651278259317, 'or': 0.024889686242931922, 'The': 0.022675501962517483}, {'the': 0.16458260121453402, 'was': 0.1560971641088155, 'of': 0.1454110860598614, 'and': 0.09894515680766844, 'be': 0.07314788237200726, 'were': 0.0642287780462312, 'is': 0.06260748510735407, 'been': 0.03506487311198597, 'are': 0.03243104371502203}, {'the': 0.09726327590983287, 'N.': 0.05425664264688773, '.': 0.0535794973499913, 'and': 0.047899288800584, 'of': 0.047892905467480325, 'Mrs.': 0.03465203936344539, 'A': 0.03299916485413383, 'The': 0.03127722152453883, '&': 0.03112563594353299}, {'as': 0.11597878179309135, 'or': 0.06645806034841877, 'opposed': 0.052441646333125425, 'come': 0.0463596948285806, 'and': 0.04423536016210581, 'up': 0.03552346335622439, 'regard': 0.034403223813575044, 'equal': 0.033857203462930134, 'entitled': 0.033029740330983236}, {'of': 0.36098176800910675, 'in': 0.1273368668485759, 'to': 0.10314467737714084, 'by': 0.06865793692007123, 'and': 0.060616816343396884, 'that': 0.05503502481174422, 'from': 0.052691394117712835, 'for': 0.04398672921745512, 'with': 0.04272937024774101}, {'of': 0.3740383106200884, 'in': 0.12621841421331736, 'to': 0.09275396418808808, 'on': 0.08828494646201969, 'by': 0.0610619459732942, 'with': 0.04320639210929448, 'that': 0.040399084259460157, 'at': 0.03532032272884994, 'from': 0.03384294473215579}, {'and': 0.16996968231709914, 'that': 0.10872732508407935, 'which': 0.07536667423524494, 'as': 0.07369282867135751, 'when': 0.07268900014285208, 'but': 0.05175618439228398, 'if': 0.03321271351686959, 'where': 0.02006721794235899, 'so': 0.017760144053388792}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'and': 0.05802153848079862, 'able': 0.04961645275974276, 'right': 0.0451023760036012, 'order': 0.04127490744809874, 'him': 0.03261614401659486, 'is': 0.02559796676400487, 'them': 0.02272787903994081, 'attempt': 0.022697529891296447, 'enough': 0.022385329635610712}, {'the': 0.17095289165148428, 'of': 0.1574380003738018, 'in': 0.10663096205353294, 'a': 0.0659107548803755, 'to': 0.0508886176618949, 'at': 0.04533270662972804, 'and': 0.03211316423766491, 'In': 0.026084972197801384, 'that': 0.023108969107423955}, {'of': 0.3189238003561501, 'the': 0.09891968210485584, 'to': 0.09043720967522674, 'at': 0.07471027627022167, 'in': 0.0495776267521521, 'by': 0.03642664239610671, 'with': 0.03552095411537978, 'and': 0.03373136544513514, 'on': 0.03338328182100754}, {'the': 0.0937119361963273, 'and': 0.07909084878114386, 'of': 0.07592279866551538, 'to': 0.06671400319394838, 'a': 0.05851040078053075, 'in': 0.03495981075501248, 'at': 0.024455733624054486, 'or': 0.01969139200426022, 'that': 0.014648235167712752}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'on': 0.23474549504112763, 'of': 0.20813621906162738, 'in': 0.1268860868807718, 'at': 0.0667601231658366, 'to': 0.06557467870933452, 'from': 0.05266055903249767, 'In': 0.04850375276807471, 'On': 0.04786315704733026, 'and': 0.0394928262339504}, {'the': 0.12407836755294153, 'and': 0.06782290723981783, 'a': 0.03277118892261362, 'of': 0.028371907709983293, '.': 0.02117687036463311, 'that': 0.019799966342327953, 'to': 0.015904387862462333, 'for': 0.014820823397308351, 'The': 0.013534304532367609}, {'the': 0.18289429150698241, 'of': 0.09583037302823387, 'and': 0.06400632936932378, 'that': 0.04930196989890865, 'a': 0.03781677781453863, 'or': 0.037797462610266945, 'Mr.': 0.030446628916311495, 'in': 0.028692393339057425, 'The': 0.026264515323213364}, {'Mr.': 0.36374023650352844, 'and': 0.10762892191317686, 'Mrs.': 0.089683042246427, 'Miss': 0.08937923444707496, 'General': 0.048806132100017524, 'of': 0.04587107564426313, 'the': 0.042838212410177136, 'Gen.': 0.03839186700336573, 'Dr.': 0.03020919152022053}, {'of': 0.24699271544810802, 'half': 0.15802202407778804, 'for': 0.11803941344672413, 'in': 0.09760662305134644, 'and': 0.05792767345635996, 'about': 0.055213395218850145, 'as': 0.050639412677531505, 'to': 0.040886846371447426, 'cents': 0.03954405699193154}, {'the': 0.5886206913600593, 'said': 0.13324136583757992, 'and': 0.036077876739378824, 'tho': 0.025753907654522963, 'this': 0.025455248308982617, 'The': 0.02111970142024357, 'a': 0.019247237343371745, 'of': 0.014949969199415944, 'tbe': 0.013038469075309186}, {'that': 0.2427364390584016, 'and': 0.17567667455870634, 'which': 0.11449105745915503, 'but': 0.07451793995161173, 'as': 0.0595104598245572, 'when': 0.050599299309533545, 'to': 0.030072104029335696, 'where': 0.028961870629075893, 'if': 0.026005098381613138}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'the': 0.1450524935836439, 'and': 0.10177379526547212, 'of': 0.07092498490510685, 'to': 0.06643859177010694, 'in': 0.043184033163470234, 'was': 0.040444756304387645, 'a': 0.037358609147802715, 'be': 0.034122654588659554, 'is': 0.024495922836782185}, {'the': 0.29457582239059504, 'and': 0.1695097762917775, 'a': 0.08793817611529946, 'or': 0.08571823389226346, 'all': 0.06439807010970844, 'their': 0.061170328943295764, 'of': 0.04287296215426718, 'no': 0.03869703437741352, 'other': 0.03801232293469957}, {'virtue': 0.07372054838507916, 'out': 0.0643582522520695, 'part': 0.03907743667416268, 'one': 0.035272612243984924, 'quarter': 0.03209168295079266, 'favor': 0.02368434909271157, 'result': 0.023120733291221517, 'guilty': 0.022440380223500818, 'means': 0.021974823725644504}, {'and': 0.1257837745565537, 'the': 0.12531945060218205, 'to': 0.09839340554825063, 'of': 0.0744842801228288, 'was': 0.04180696055671, 'be': 0.03945434848507692, 'a': 0.03636150652290322, 'in': 0.028179200890661785, 'is': 0.02739356978578965}, {'the': 0.2021323305874283, 'of': 0.11601026059130524, 'or': 0.09842953720527269, 'any': 0.050279087168714966, 'to': 0.049094574856842224, 'a': 0.04875603116660846, 'his': 0.04707390346193602, 'their': 0.03503612605711903, 'and': 0.03424683009175372}, {'.': 0.03858338182965201, '-': 0.02650981308246182, 'a': 0.025072619901891694, 'and': 0.015138472186090985, 'of': 0.01510116425046438, 'the': 0.015057817335879731, 're-': 0.014852599548593476, 'I': 0.012290805277785165, '<s>': 0.011494950933764115}, {'Notice': 0.4500035492608051, 'notice': 0.14654774550604469, 'it': 0.05277182137339416, 'It': 0.04921870402079785, 'that': 0.02755494715492368, 'which': 0.02610316853960497, 'reference': 0.021362408785285985, 'there': 0.020592482828569805, 'he': 0.01830116822310635}, {'of': 0.15473836353443698, 'by': 0.08140978562629425, 'to': 0.07108415137492592, 'that': 0.06908815695154398, 'and': 0.06791709977325962, 'with': 0.02727368250248621, '<s>': 0.023435708793644882, 'which': 0.01997369425877864, 'as': 0.017159513113650854}, {'of': 0.3915334460408631, 'in': 0.14090306745227002, 'the': 0.09627212865303093, 'for': 0.07390365154803934, 'and': 0.06582723246518715, 'to': 0.057617765756952696, 'by': 0.03208675744049254, 'with': 0.03076450537558898, 'In': 0.027204502128911106}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'as': 0.1692531904061336, 'very': 0.10214315614915258, 'too': 0.08651192189776338, 'and': 0.08199307096969684, 'so': 0.08029713847689479, 'be': 0.07235373558930049, 'is': 0.06772606444150224, 'was': 0.06471930149261791, 'are': 0.05711506046020803}, {'the': 0.8755797476116282, 'tho': 0.04709379215320982, 'The': 0.020130963601019455, 'tbe': 0.01466804709372005, 'of': 0.010574165244503995, 'and': 0.002871685914133983, 'by': 0.0026580039900888745, 'a': 0.0025945275519880817, 'tlie': 0.0017743175034829254}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'and': 0.16622880391144068, 'he': 0.16207645996552617, 'I': 0.14092542195798255, 'they': 0.07125784394184677, 'we': 0.04779661328853036, 'then': 0.04528473169756414, 'who': 0.03974710467158053, 'she': 0.03712985285798489, 'He': 0.02780136343827301}, {'is': 0.2282746899920916, 'are': 0.1368663662236605, 'and': 0.11108849217689606, 'was': 0.09702616254419778, 'for': 0.07366254573243154, 'of': 0.056673087509819954, 'do': 0.03193037209421784, 'will': 0.031048291584918848, 'were': 0.029988403968329795}, {'the': 0.6086058701937656, 'and': 0.052465377776224294, 'of': 0.04895709153359588, 'State': 0.04748467281865066, 'The': 0.039634309019258115, 'said': 0.0391926692788494, 'our': 0.02918996800670698, 'tho': 0.02326261194752592, 'States': 0.01985142803044018}, {'the': 0.1401854199481486, 'of': 0.10665066128569842, 'and': 0.04576563827893338, 'The': 0.04423774849708722, 'Mr.': 0.04393024730769933, 'that': 0.04240013176179786, 'in': 0.04020267596778136, 'Mrs.': 0.025444262989284292, 'which': 0.024017029605201218}, {'the': 0.2856290785702823, 'of': 0.10479348747730988, 'a': 0.05344851124873586, 'to': 0.045354336186573724, 'for': 0.045112557457892395, 'that': 0.038408350415110024, 'and': 0.036588164321799885, 'The': 0.02848594965612117, 'our': 0.025677447312402988}, {'the': 0.2064116924736922, 'and': 0.11313399934584466, 'of': 0.09866374946654954, 'The': 0.06458832580027597, 'that': 0.02473070935975453, 'these': 0.018229194570184497, 'a': 0.0162142823376505, 'or': 0.0158396488594701, 'to': 0.014511239269900876}, {'of': 0.09080261518769744, 'to': 0.08808948157133208, 'the': 0.08294975908098662, 'in': 0.07735132350195378, 'and': 0.05231040007164646, 'a': 0.04064202815582633, 'with': 0.03282539717975451, 'or': 0.032700784214992805, 'for': 0.029654587245858722}, {'of': 0.34543933488748235, 'to': 0.10757578577624534, 'on': 0.09049189560309759, 'by': 0.0655933451098775, 'and': 0.052296679541215106, 'from': 0.04856605021620944, 'in': 0.04841382393468854, 'at': 0.045702901545566145, 'with': 0.039522314434358906}, {'has': 0.46788619458825864, 'have': 0.2411365313792246, 'had': 0.22543648702518732, 'lias': 0.013447447083561681, 'he': 0.007358626822330201, 'bad': 0.006360940136669733, 'haa': 0.0061613966727113246, 'and': 0.005491081893729889, 'having': 0.005245666673463238}, {'and': 0.08803734919969186, 'Monday': 0.06865681920464889, 'feet': 0.0633707865010291, 'recorded': 0.024793716457481674, 'section': 0.024151411763235337, 'situated': 0.0220204628544035, 'inches': 0.017940276132758788, 'of': 0.015904357759711142, 'lots': 0.015208712858115246}, {'the': 0.28751867319853064, 'a': 0.11156423105087082, 'and': 0.08060978619038642, 'that': 0.06973593895059609, 'this': 0.06602471932356183, 'her': 0.03497045826686637, 'every': 0.032288263182888244, 'tho': 0.031686097316692294, 'other': 0.03054249834865076}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'that': 0.2539879915049106, 'and': 0.14066295552900968, 'as': 0.11687814999139992, 'but': 0.05937294590455938, 'which': 0.05738491435074737, 'if': 0.03728472625713138, 'of': 0.028607663843143435, 'what': 0.023200479805818224, 'though': 0.022573973998909144}, {'to': 0.38478086161017916, 'with': 0.054862886876404275, 'for': 0.05302046515393293, 'at': 0.03660300560523789, 'told': 0.03458243116962134, 'upon': 0.030565581147769333, 'from': 0.029622017057629662, 'of': 0.028790659136201015, 'asked': 0.02498837204541955}, {'ever': 0.11358668233269388, 'and': 0.09823747576478518, 'time': 0.0663520874081692, 'has': 0.05842765657247992, 'long': 0.044570737388481864, 'years': 0.043614952042993975, 'have': 0.03682424378408439, 'that': 0.03607621715053887, 'had': 0.025987649792722087}, {'of': 0.4465808413435506, 'in': 0.15775338461838503, 'to': 0.10840876375351781, 'by': 0.06354079181637844, 'that': 0.03590567694666791, 'In': 0.02883522123040679, 'and': 0.02874906954210515, 'with': 0.024395243672703973, 'for': 0.018458984220467902}, {'for': 0.19379570945889293, 'of': 0.14796234036116146, 'about': 0.09721204807094344, 'than': 0.09667322164898251, 'past': 0.07940405892620264, 'or': 0.07019984544479768, 'in': 0.06987020917115576, 'within': 0.06902590566387781, 'and': 0.06520086846608188}, {'the': 0.16665345245214352, 'of': 0.11858171117004651, 'and': 0.07183296866965883, 'a': 0.06274971351530562, 'to': 0.04114127208248289, 'be': 0.03779874469520786, 'in': 0.03735617762470163, 'or': 0.03331586837343531, 'for': 0.026229161064728224}, {'I': 0.16299693838739787, 'he': 0.12182721039386482, 'and': 0.10271485192014193, 'have': 0.051926818850125386, 'they': 0.04120732108818859, 'we': 0.03822721394822333, 'had': 0.03655431164695577, 'it': 0.03215748067720014, 'He': 0.028415598435968352}, {'to': 0.1555836086533519, 'for': 0.09725272723103638, 'of': 0.07943186037181783, 'in': 0.051706263759344784, 'with': 0.050109337378481535, 'and': 0.03643271624027168, 'that': 0.025397664752183167, 'at': 0.025353965983283218, 'do': 0.0234917545403547}, {'the': 0.45864043905409974, 'an': 0.3140638943090175, 'The': 0.0731384441574971, 'a': 0.03431099479771789, 'tho': 0.02356233046302653, 'An': 0.016297951975643314, 'to': 0.01628651982259221, 'and': 0.014424309824137345, 'rapid': 0.012241466441608895}, {'and': 0.1057137135430272, 'would': 0.07954080292581853, 'looked': 0.0649004041412916, 'looks': 0.05858552374846017, 'was': 0.05178308256334351, 'not': 0.046392480576867755, 'something': 0.04506907008331306, 'is': 0.042453053940135786, 'much': 0.04051461127507345}, {'and': 0.11276598081695735, 'make': 0.0892777830709286, 'as': 0.07453499589774186, 'of': 0.07229033317906577, 'that': 0.05993473636234345, 'with': 0.05415464096861976, 'to': 0.049864363228508235, 'for': 0.048272509453558786, 'made': 0.04676505206891401}, {'to': 0.3431325953660888, 'will': 0.2000003378240101, 'may': 0.09043243197025162, 'shall': 0.06468401210186887, 'can': 0.06353004344679543, 'should': 0.061082525298233124, 'would': 0.049833371039481135, 'must': 0.044109149990410754, 'could': 0.04076978697516068}, {'to': 0.23332254215426165, 'the': 0.22035674481434664, 'and': 0.13741256756936046, 'a': 0.10258374013507836, 'on': 0.03136754256764808, 'or': 0.02990172435367027, 'his': 0.020069235937329868, 'The': 0.018806061563830443, 'who': 0.015606418212102851}, {'with': 0.1656499497242186, 'of': 0.1565441926824912, 'the': 0.15262779849495042, 'and': 0.1468973971664367, 'an': 0.09136228895172938, 'their': 0.04472577732146921, 'no': 0.044406929445182694, 'any': 0.036499751386084356, 'as': 0.030707323062311612}, {'a': 0.3527056957082166, 'the': 0.23961502151520322, 'of': 0.10474225838730335, 'and': 0.0660158488660549, 'to': 0.048006953245677, 'in': 0.04656574576517681, 'with': 0.03058184729947046, 'on': 0.025792848920804034, 'this': 0.016915763400735237}, {'the': 0.1914153999833048, 'of': 0.11216752941726242, 'and': 0.059811467809660596, 'a': 0.05527639745226797, 'to': 0.040880503043075556, 'an': 0.030729317999997605, 'in': 0.030435430427041076, 'that': 0.0281198007802, 'for': 0.02637867773194814}, {'number': 0.09545037921574721, 'matter': 0.07917152782409592, 'kind': 0.05688815937965628, 'amount': 0.04794180003131703, 'out': 0.04597902935356247, 'point': 0.039392408427693544, 'full': 0.037140960801237265, 'men': 0.031408482567881944, 'place': 0.029811443198941055}, {'and': 0.14121550332190738, 'the': 0.12063154044750644, 'of': 0.08706162352258379, 'these': 0.03283607728308963, 'as': 0.02637112097287862, 'that': 0.02615929164786567, 'or': 0.025880935365706792, 'all': 0.023083080977315006, 'for': 0.02042939389388588}, {'the': 0.1672622254903975, 'of': 0.10800710969805036, 'a': 0.07046315758154086, 'and': 0.06885587181763204, 'to': 0.05778604267188441, 'be': 0.050154565326785645, 'in': 0.04281162251914444, 'was': 0.03648823232570106, 'his': 0.03400982436155464}, {'and': 0.16024887091635726, 'was': 0.12196645816124611, 'be': 0.08039045125863795, 'it': 0.05927977523802645, 'years': 0.05040294339378789, 'is': 0.044698078122157446, 'were': 0.03748533643772922, 'he': 0.03111056233259193, 'to': 0.027573493219742073}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'in': 0.18617884906214507, 'is': 0.15668970665283072, 'and': 0.10649689162482405, 'was': 0.08265980451824631, 'that': 0.07542440263796042, 'have': 0.06379687706017811, 'In': 0.05618492112402791, 'be': 0.05601763909228886, 'had': 0.048502276999256314}, {'one': 0.014632107992605784, 'men': 0.013393108964815556, ';': 0.011110204608482938, 'made': 0.009889213755586325, 'up': 0.009365522823618735, 'in': 0.008786456927878928, '': 0.008048780568653035, 'wife': 0.007745838198156095, 'and': 0.007552608065077049}, {'the': 0.11913133677340508, 'in': 0.06756034157615796, 'Fifth': 0.06057721021254503, 'Grand': 0.05181830691842794, '<s>': 0.0236508277122323, 'and': 0.02218996230425989, 'said': 0.01869880193556064, 'of': 0.018328722506336454, 'In': 0.016839710959300973}, {'is': 0.15797263118387464, 'of': 0.11914831218765128, 'was': 0.11348152611152104, 'and': 0.10612249509452959, 'in': 0.07786526743856984, 'as': 0.05520130328680876, 'to': 0.047016131595132925, 'by': 0.04276333693905458, 'any': 0.04214274440420486}, {'the': 0.509924159488471, 'a': 0.2105385724740793, 'The': 0.03474830314686745, 'in': 0.02525322503431076, 'tho': 0.02422215178133313, 'and': 0.0186277800039927, 'of': 0.01755117671167796, 'by': 0.012155129445488494, 'tbe': 0.011363902049289337}, {'the': 0.22961918188587677, 'his': 0.16255349761026175, 'a': 0.10216286793947069, 'their': 0.09875100639165374, 'and': 0.06275994651433721, 'of': 0.049617874003422345, 'my': 0.04301614420452512, 'our': 0.036839155816005026, 'her': 0.031688978042496915}, {'the': 0.2222522566507715, 'of': 0.09501517719171132, 'and': 0.08030363972463594, 'The': 0.050288451579476305, 'Mr.': 0.0385181868226184, 'a': 0.030249036316138764, 'that': 0.03019895152620714, 'to': 0.019926242152370714, 'or': 0.0175235894486901}, {'it': 0.17899722872792243, 'It': 0.12729625447735587, 'there': 0.11383752490023483, 'which': 0.071273833864004, 'and': 0.06457545845294921, 'that': 0.03661473217066103, 'he': 0.032235966082685114, 'There': 0.026342481975168835, 'This': 0.023354361492764094}, {'the': 0.6345211176944465, 'a': 0.1101987855668399, 'of': 0.057534186390322276, 'The': 0.04228498244055571, 'tho': 0.03094193562452748, 'and': 0.026025710406980783, 'tbe': 0.010658361188032118, 'in': 0.009696407238944497, 'our': 0.00931238628575261}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'is': 0.20186625835318514, 'are': 0.14083251293562496, 'was': 0.11869819796894215, 'if': 0.07361414796295943, 'were': 0.04858532574525751, 'and': 0.047805544942127, 'have': 0.037837848997200565, 'could': 0.036856719300639225, 'Is': 0.030434470259001003}, {'to': 0.4558566414733667, 'will': 0.11006720565383804, 'not': 0.06680051242712709, 'and': 0.06342621963626809, 'the': 0.04881526404546739, 'a': 0.04004727882213769, 'of': 0.03425895767512375, 'would': 0.03354805374258165, 'may': 0.032295073921395086}, {'the': 0.08596817818831812, 'of': 0.07799884373256105, 'to': 0.06481383586802218, 'a': 0.05329995775433234, 'and': 0.04640239808304821, 'in': 0.031800288075233704, 'be': 0.03157286383795509, 'was': 0.02597248485842132, 'is': 0.02308727470142144}, {'he': 0.18766829855267642, 'who': 0.09693704132372255, 'and': 0.09002022268349634, 'it': 0.0835821523198735, 'which': 0.08119542419715213, 'He': 0.06710999035457686, 'that': 0.05408684628237538, 'It': 0.04638353526550768, 'she': 0.03505125607533812}, {'the': 0.32223440828377387, 'his': 0.08741409341528518, 'of': 0.08010336746278028, 'your': 0.06062674944809042, 'our': 0.04669640124821781, 'her': 0.041016584568292415, 'my': 0.03979788350734375, 'and': 0.03790405738461153, 'their': 0.03223193734263338}, {'in': 0.4011653573891948, 'of': 0.1621127648808442, 'under': 0.11480286446337434, 'to': 0.08737060980843017, 'In': 0.08210720892964928, 'from': 0.032648303888247375, 'for': 0.030502661730936916, 'with': 0.02735747626737639, 'at': 0.02501382466101514}, {'of': 0.2071574363547665, 'the': 0.17492815008685236, 'and': 0.07783931394013147, 'to': 0.05984004977647054, 'a': 0.05173520690856145, 'by': 0.04705666892260588, 'in': 0.027687375905681, 'that': 0.02572143783899205, 'from': 0.023226536252591207}, {'the': 0.10900014927043189, 'of': 0.10286453043567331, 'in': 0.07238368556976003, 'and': 0.06330195028561277, 'to': 0.051930887411534794, 'on': 0.03701952218321845, 'at': 0.029638354907365987, 'a': 0.023837161051441052, '<s>': 0.022621941002931707}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.14821402354186147, 'and': 0.060773453017706175, 'of': 0.055453629022294296, 'to': 0.0446903408438076, 'be': 0.029659521622385263, 'a': 0.028564539638005128, 'was': 0.02310617448798229, 'his': 0.019249819210717882, 'in': 0.019213623624088974}, {'was': 0.24854409358324422, 'be': 0.20071710738601906, 'been': 0.08835230349516726, 'is': 0.08553354449760447, 'were': 0.07827631612730722, 'and': 0.06344316474179035, 'are': 0.05709813812985855, 'honorably': 0.038839341854909705, 'he': 0.03325854814562302}, {'much': 0.2937741170429999, 'is': 0.19358311887809926, 'was': 0.07109785437727766, 'considerably': 0.06866016807611999, 'be': 0.06545641386301213, 'the': 0.05434038674575965, 'far': 0.047694112792230216, 'are': 0.04190530808411887, 'not': 0.04150439618725845}, {'on': 0.2104320322367603, 'in': 0.10813163284472942, 'of': 0.0967239609641516, 'On': 0.07832047888215252, 'In': 0.05738784055838674, 'and': 0.05199986852719968, 'dated': 0.05074110333629012, 'from': 0.03241751278894143, 'to': 0.022442499890487553}, {'and': 0.24874533530736065, 'that': 0.17127629017493234, 'of': 0.1556686411660485, 'to': 0.049577401269317554, 'we': 0.03693867139861623, 'but': 0.03625952981790932, 'when': 0.034348118847861424, 'for': 0.032835961817701605, 'if': 0.03114328338378229}, {'the': 0.3630535792355371, 'The': 0.09230870134595684, 'of': 0.08023994800663095, 'a': 0.06923620985920516, 'and': 0.06907106924921802, 'his': 0.053648616031022674, 'their': 0.05165023271202229, 'tho': 0.034610702585324525, 'our': 0.03357872820878154}, {'to': 0.3361476936663026, 'will': 0.22761534555619103, 'would': 0.10690128952842715, 'shall': 0.08019608798582302, 'may': 0.06853200067894709, 'should': 0.04867649994688453, 'not': 0.03220040711333944, 'must': 0.032131740825971374, 'can': 0.016512492044454742}, {'neither': 0.42885349305246717, 'the': 0.08593919672695091, 'and': 0.05322437044465554, 'of': 0.029572663103000163, 'to': 0.02955031773258392, 'for': 0.025524038568451538, 'in': 0.02299497533670209, 'not': 0.018909662462503796, 'a': 0.01653498710381191}, {'the': 0.33136981060164417, 'some': 0.10854820689058296, 'and': 0.08307016217233948, 'of': 0.07051075077541642, 'many': 0.07049067405348189, 'for': 0.0603766666309725, 'or': 0.05406984090156988, 'any': 0.043658921800509815, 'such': 0.03036206936806967}, {'of': 0.331051581553579, 'and': 0.09726179887039153, 'to': 0.09638830907091489, 'that': 0.06776120238215987, 'by': 0.06372084021202938, 'with': 0.05228109805712877, 'in': 0.049756159369936125, 'on': 0.04872557415533681, 'from': 0.038468611730316155}, {'well': 0.12861105478714124, 'known': 0.11056901308738208, 'soon': 0.10265345104878522, 'far': 0.08113948490760056, 'and': 0.06324672230498624, 'long': 0.03717583764638481, 'such': 0.02924921957793252, 'just': 0.02412525568479837, 'much': 0.020403672152392097}, {'the': 0.5423972933777007, 'a': 0.08809287034059311, 'of': 0.048160792394374374, 'too': 0.037680762767235074, 'The': 0.03459543891084293, 'tho': 0.028934778729580054, 'and': 0.027290087754251065, 'his': 0.017436481117578922, 'our': 0.016062992850512155}, {'amount': 0.11530750204227565, 'number': 0.07074144430923036, 'out': 0.05917737436379606, 'years': 0.0402198165410113, 'want': 0.03769149062571453, 'matter': 0.0375087048421083, 'instead': 0.03454336042378464, 'piece': 0.03324021159595051, 'deal': 0.029265806044235232}, {'be': 0.12660840030178, 'was': 0.1224593116166215, 'he': 0.08522969142240679, 'been': 0.0779988615855272, 'and': 0.07078555734638216, 'were': 0.06013260562413353, 'have': 0.056811812272328954, 'is': 0.049467074211738245, 'so': 0.03831706421794475}, {'it': 0.18799476193359307, 'It': 0.08908477585564534, 'there': 0.0782565161721338, 'they': 0.0607880603232045, 'that': 0.055266195416502926, 'which': 0.0511501671325387, 'he': 0.04987225743663854, 'and': 0.04873018340012423, 'I': 0.03700648773256737}, {'I': 0.23642601558676637, 'never': 0.13721424720304917, 'he': 0.11691179276304454, 'they': 0.07572877329986799, 'and': 0.0713616740045929, 'ever': 0.06323579443976504, 'who': 0.048649724753185325, 'we': 0.041863348389375644, 'she': 0.03842900604358483}, {'two': 0.08831088003216117, 'three': 0.08307960029220844, 'five': 0.06896958266779053, 'four': 0.06608309744931008, 'ten': 0.05434840968068864, 'six': 0.049807275459154705, '100': 0.04606912660496163, 'many': 0.04107135208089309, 'few': 0.041033465647564944}, {'to': 0.19254877429213518, 'the': 0.1490126344776085, 'of': 0.11051084262477076, 'in': 0.09854623360629167, 'a': 0.08964809789519956, 'and': 0.073223183816945, 'be': 0.0505475477284966, 'or': 0.02839951507550335, 'with': 0.026722228568022602}, {'<s>': 0.06764665353835789, 'it.': 0.025264916714193297, 'us.': 0.01487573171824874, 'them.': 0.013603983509845926, 'him.': 0.010676336635186613, 'and': 0.0077540408236205435, 'country.': 0.00726891088997616, 'people.': 0.007088804992704601, 'day.': 0.0063302241189453975}, {'of': 0.2669452247640397, 'to': 0.1601633162712974, 'in': 0.08805041124957133, 'and': 0.08276931061691671, 'by': 0.07527336911511667, 'with': 0.06366238377812312, 'that': 0.049832334064453164, 'from': 0.03445228390283544, 'on': 0.02816803319177168}, {'up': 0.010653873939684306, 'out': 0.01063844617360618, 'in': 0.009881599130054135, 'time': 0.009731581829712007, 'made': 0.008723484199796147, 'him': 0.008700589574589962, 'null': 0.008320775874959808, 'it': 0.007954609444386909, 'good': 0.0076515046893801805}, {'and': 0.24142711985907891, 'but': 0.08612691299872162, 'that': 0.08072023575737294, 'time': 0.053286740469993966, 'him': 0.0281210998730342, 'day': 0.026458456757113225, 'But': 0.025080191950951923, 'ago,': 0.016573436041590398, 'or': 0.014631343645937019}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.3024094133014248, 'of': 0.07579310891113501, 'to': 0.07178610293493094, 'the': 0.04394893267772555, 'a': 0.02962785124289998, 'that': 0.02480740671721555, 'or': 0.02466820371693533, 'be': 0.01859460504928137, 'only': 0.018170467033782788}, {'and': 0.09001865416982442, 'place': 0.08799137853276827, 'point': 0.04719094094083211, 'spot': 0.030412022342780922, 'that': 0.03036885315720375, 'places': 0.02729910488762995, 'know': 0.023912287453432605, 'cases': 0.022313388406631864, 'case': 0.019200234146801158}, {'the': 0.5052426427762984, 'a': 0.2092221100156296, 'The': 0.04458695036652898, 'tho': 0.039122852907252786, 'and': 0.020691241628007277, 'tbe': 0.019200380713116756, 'full': 0.011950129897352705, 'in': 0.011053676186843423, 'high': 0.010828115901867375}, {'of': 0.11785529026658935, 'and': 0.11586877154350345, 'in': 0.05739244689627157, 'to': 0.050607477297486644, 'fact': 0.03889347275782053, 'said': 0.03289904969041613, 'on': 0.02952954435335196, 'all': 0.024539624180535385, 'is': 0.022298709960555663}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'and': 0.07334017531401586, 'made': 0.060548771707647345, 'done': 0.03828131453724687, 'that': 0.03721906957038002, 'or': 0.035464628870684516, 'prescribed': 0.030398826178029748, 'provided': 0.026694695154579822, 'given': 0.020826222268164205, 'side': 0.020145118366330914}, {'the': 0.2978635862950769, 'a': 0.14581070312534494, 'of': 0.08570393108759061, 'and': 0.06643353278540985, 'to': 0.03821778260455583, 'in': 0.03543695921615645, 'an': 0.03284412125948653, 'The': 0.03061354614654149, 'on': 0.022510214933805853}, {'of': 0.3403603473890665, 'in': 0.15158067921187746, 'to': 0.09164363585088324, 'In': 0.06844381422010727, 'with': 0.05735065997359917, 'on': 0.05074667087368549, 'for': 0.05069381011840918, 'and': 0.04834534977552161, 'from': 0.04601294384558115}, {'and': 0.08671828132570979, 'of': 0.0726401096747007, 'was': 0.06539693722066543, 'the': 0.05860146820802969, 'be': 0.04229084010931544, 'to': 0.03488459493209856, 'is': 0.03051326091005927, 'a': 0.028019832934410065, 'he': 0.024391974370555045}, {';': 0.0179856844205347, 'it,': 0.01153250544084635, 'him,': 0.008193677301844927, 'them,': 0.008191478398143099, 'one': 0.0076387385487041055, 'years,': 0.006813064467769837, ',': 0.0067275533805364615, 'county,': 0.005992655748054694, 'city,': 0.005878967173316584}, {'the': 0.6033656073777987, 'an': 0.1240621524308267, 'tho': 0.03997493793160044, 'regular': 0.026074343355518486, 'The': 0.0251018061940458, 'of': 0.02161624700826663, 'tbe': 0.019279611697822014, 'and': 0.018986358360994507, 'or': 0.015001708207444325}, {'to': 0.09743403541681209, 'and': 0.09167879388523711, 'of': 0.09163812801203593, 'in': 0.07798643620498621, 'was': 0.05262040897605749, 'the': 0.045042776977973716, 'is': 0.043038904847568525, 'be': 0.0396938274457085, 'for': 0.03200416339058025}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'to': 0.1397836113507338, 'that': 0.12139450974014118, 'and': 0.11815383672125687, 'as': 0.0624451041198671, 'which': 0.04789830310278727, 'when': 0.045199285078511196, 'will': 0.042784905879579505, 'for': 0.030511125415319917, 'said': 0.028570006487089034}, {'the': 0.2286951642694644, 'of': 0.07332074724647485, 'and': 0.060555772256716545, 'that': 0.0399360118801907, 'The': 0.03640224853187909, 'a': 0.02933415869419407, 'in': 0.026369937444413717, 'or': 0.02365352485459576, 'to': 0.020736535497092784}, {'is': 0.22310556247074562, 'was': 0.13088317060085708, 'and': 0.08102289737603668, 'are': 0.07911616884926767, 'but': 0.05372581687639888, 'has': 0.05055457907772109, 'it': 0.05012133930221169, 'will': 0.04868787813890675, 'had': 0.047993567949792426}, {'and': 0.09898462769074226, 'of': 0.04089372646047608, 'is': 0.03846431837118007, 'as': 0.03254092403005926, 'was': 0.02736082889416091, '.': 0.026822182729465398, 'it': 0.025467747857245832, 'It': 0.01827469771722728, 'I': 0.01799551840754253}, {'to': 0.17648960643096143, 'and': 0.156881710002109, 'the': 0.07633750713615388, 'of': 0.07328173451924393, 'that': 0.05817100723308575, 'which': 0.047955157963819287, 'in': 0.045578142918260345, 'for': 0.02780735108017122, '<s>': 0.02765816362331877}, {'the': 0.1910278131804215, 'a': 0.13272703862305596, 'of': 0.09329310604052003, 'and': 0.058971686750048595, 'for': 0.031824251880929445, 'in': 0.02944210957788863, 'to': 0.028942796797146394, 'some': 0.018289715752575944, 'that': 0.01792781212900533}, {'and': 0.12104176923651636, 'of': 0.1107343774437691, 'the': 0.08982896297901159, 'in': 0.06207307789013435, 'to': 0.0567113220634811, 'be': 0.05054382110530877, 'was': 0.04770865535691376, 'is': 0.029400591453416246, 'a': 0.025749037808959395}, {'the': 0.07392184752892096, 'to': 0.06597538174753771, 'and': 0.06511745943104148, 'of': 0.06487295984115575, 'in': 0.021580510091730384, 'be': 0.021453720005230582, 'was': 0.019916178908236513, 'is': 0.018417853357179277, '<s>': 0.018118275141163168}, {'of': 0.13220774525940812, 'the': 0.11670339151962321, 'and': 0.08892156461491936, 'to': 0.05620359250731007, 'at': 0.03964445848088526, 'a': 0.0391436411643258, 'in': 0.025498631807233642, 'for': 0.01700171860454371, 'with': 0.01685758077801948}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'the': 0.7455058667393626, 'a': 0.053148439385230575, 'The': 0.05047496825004869, 'tho': 0.03509650945563052, 'this': 0.020973327898506186, 'tbe': 0.014497302567696498, 'and': 0.014437316961156433, 'first': 0.005427698436079081, 'as': 0.00450425187415932}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.0912846052961596, 'of': 0.08600818149047376, 'and': 0.05340836992640008, '.': 0.03535372423941285, 'Mr.': 0.0300017531097527, 'to': 0.028079522733043233, '<s>': 0.019824887179379934, 'a': 0.016727427893910966, 'Mrs.': 0.015308234536981583}, {'and': 0.09862861316689013, 'the': 0.08691338929381108, 'of': 0.07105817913658176, 'in': 0.056878209480301374, 'a': 0.05600601292158026, 'to': 0.04754244632859971, 'for': 0.026492726210538737, 'will': 0.024484639078473158, 'that': 0.02143803077590612}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.4766593347027684, 'a': 0.12379837627252306, 'The': 0.06576051590738351, 'tho': 0.03617514845191163, 'A': 0.03613523645745807, 'finance': 0.03382936177764706, 'said': 0.02445474381224075, 'and': 0.024157981997138266, 'this': 0.023234679630589138}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'is': 0.17530249219652605, 'was': 0.11671703266377689, 'be': 0.09497637354351463, 'and': 0.09289351394395946, 'the': 0.08349260201313, 'are': 0.0784040721299462, 'he': 0.07161778031776814, 'been': 0.06572737807639327, 'not': 0.041596070142370725}, {'I': 0.20314584449572676, 'and': 0.13747880467947943, 'he': 0.12437352662449384, 'have': 0.06595743210350816, 'had': 0.0558067874898904, 'has': 0.0469551151330552, 'we': 0.04339345045943807, 'they': 0.041099530063571865, 'He': 0.03792464963445897}, {'State': 0.04012261878346236, 'line': 0.03838752742128495, 'state': 0.03358370897019821, 'city': 0.032203469693282596, 'county': 0.02946857383734268, 'part': 0.027519973225552503, 'number': 0.02711886138136952, 'Board': 0.025589502644332802, 'side': 0.023456165467055208}, {'and': 0.12725815709216576, 'to': 0.07711297865492549, 'of': 0.04309896540496772, 're-': 0.03955784757381691, 'that': 0.030829129679599686, 'which': 0.03020400815253195, 'in': 0.028769172281778842, 'for': 0.027628378727491604, 'or': 0.02643878021475059}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'far': 0.1078728138949535, 'soon': 0.08278395505979927, 'and': 0.06230093180583257, 'well': 0.06165073662343014, 'such': 0.04866685919268595, 'just': 0.04173126623735579, 'long': 0.0411288210570405, 'but': 0.03576678648029393, 'so': 0.028060289196829454}, {'the': 0.18913122889514253, 'of': 0.08921278958854391, 'his': 0.07910077653880451, 'and': 0.07879400120405927, 'their': 0.0734188515472491, 'a': 0.06910156648069965, 'medicinal': 0.03967943920897645, 'all': 0.03205615426014953, 'its': 0.031149454242579432}, {'it': 0.2767746804462922, 'It': 0.1392847703568759, 'there': 0.07727980240897835, 'he': 0.06667869063938851, 'that': 0.06075776739853867, 'they': 0.048036591824296745, 'which': 0.04432484615907303, 'and': 0.031658081059459095, 'I': 0.019831117151427383}, {'<s>': 0.11386932546843775, 'it.': 0.015114940153593501, 'them.': 0.011600344834409613, 'of': 0.009210462118772921, '.': 0.009045647122209746, 'time.': 0.00880105492942712, 'country.': 0.008163683220890006, 'day.': 0.007832331980470923, 'year.': 0.007632789019796658}, {'and': 0.09515264199589137, 'together': 0.05970144109081358, 'covered': 0.03640167794610209, 'him': 0.03211426652152613, 'up': 0.030155809362644507, 'it': 0.02246483567435092, 'met': 0.02159101760185103, 'them': 0.02092550701835756, 'but': 0.01766366684559097}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'of': 0.26472840190265184, 'in': 0.10251226074583751, 'for': 0.09776728172165239, 'and': 0.08199893292150001, 'to': 0.08024933349486559, 'with': 0.0569810215998735, 'on': 0.052032293641169285, 'from': 0.04421626558532218, 'at': 0.03657884377408504}, {'would': 0.17779945024720675, 'to': 0.13384596995467807, 'who': 0.09657872772678129, 'they': 0.0801186691780261, 'I': 0.07157673832643867, 'which': 0.06175441121608197, 'must': 0.053300013979569974, 'might': 0.04794046605735594, 'shall': 0.04304524252072327}, {'<s>': 0.0972000791132324, '.': 0.016031891641718015, 'it.': 0.013861489502927003, 'them.': 0.011393361313893801, 'years.': 0.009986613459069761, 'else.': 0.009538321008931046, 'time.': 0.00914054599299629, 'him.': 0.007916551362011085, 'day.': 0.007347017180248162}, {'the': 0.2886913722306572, 'a': 0.20851745084889467, 'to': 0.09623093043524902, 'and': 0.08576193782955636, 'of': 0.046451833544654084, 'The': 0.044759693525185225, 'which': 0.023534321824717236, 'that': 0.022248405923366448, 'will': 0.022038317405764975}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'that': 0.4268840312916042, 'if': 0.09326721435922516, 'and': 0.07630745521177341, 'which': 0.06598512500212692, 'as': 0.05898086210381559, 'but': 0.03841477218016101, 'why': 0.030195818883089576, 'when': 0.028939764329808302, 'If': 0.02735045146401098}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'the': 0.538992543576134, 'and': 0.20269888158452132, 'The': 0.04620161537994223, 'of': 0.03605776898409156, 'tho': 0.026029559830169118, 'was': 0.02373858274999352, 'a': 0.022505695602569254, 'that': 0.020199222729717633, 'be': 0.016453100800848244}, {'was': 0.19980120594363449, 'is': 0.18655931087574434, 'be': 0.18227842010449144, 'are': 0.09436791180495119, 'were': 0.06072399596540083, 'been': 0.045244279892933295, 'and': 0.036839789184262284, 'being': 0.029545760770115823, 'Is': 0.025632109511448665}, {'of': 0.21045911652615218, 'by': 0.11246597170311055, 'and': 0.08447875288883047, 'to': 0.07466892645212171, 'that': 0.07252817035101568, 'Rev.': 0.021812076756787296, 'as': 0.021131374254107594, '<s>': 0.020986073308560393, 'with': 0.01855320344202074}, {'he': 0.21981948358079664, 'I': 0.15730995485347785, 'they': 0.08525040097733716, 'and': 0.07932033000010184, 'He': 0.07243125487580726, 'it': 0.058255513500560296, 'she': 0.04828481270792928, 'who': 0.03612840647675088, 'we': 0.03452658939629758}, {'the': 0.12615023784459545, 'and': 0.10334656539969754, 'of': 0.08918225443406907, 'as': 0.0885708155318133, 'a': 0.04939048978612766, 'to': 0.04235721115572684, 'be': 0.03390331867972983, 'such': 0.028965747484619584, 'in': 0.028103276685770867}, {'out': 0.04644623254192387, 'one': 0.04466301768183796, 'part': 0.025713613600393988, 'tion': 0.025063949712506837, 'charge': 0.024163797897972173, 'means': 0.02240093978666937, 'side': 0.018451062393459994, 'case': 0.017656014784095047, 'purpose': 0.01730302653982667}, {'nothing': 0.040461495501150996, 'is': 0.02720555009171049, ';': 0.02357596526935524, 'anything': 0.013762578920978777, 'it,': 0.011206896885115085, 'was': 0.009397557004487706, 'and': 0.008904064487917312, 'of': 0.008773337944715664, 'are': 0.008371498333416253}, {'the': 0.48153216255288517, 'our': 0.09939383146572074, 'American': 0.08717829229856228, 'their': 0.04583623741074051, 'other': 0.04212831695084481, 'of': 0.04131760908180897, 'tho': 0.032203911625882875, 'his': 0.029588922688489207, 'and': 0.026501472567705003}, {'side': 0.11319868904278056, 'line': 0.08597510909550515, 'day': 0.06351603308958938, 'part': 0.04200684325010001, 'state': 0.036541682643401706, 'city': 0.03129691643069648, 'point': 0.029190732815510042, 'piece': 0.023652476971894272, 'State': 0.023088501330178455}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'that': 0.14919632530026988, 'as': 0.1320828587437174, 'and': 0.12345018692515931, 'which': 0.076236029743718, 'if': 0.06010641410427683, 'when': 0.049329736906530475, 'but': 0.04681060753374415, 'what': 0.030029729086654234, 'than': 0.025566976770492293}, {'man': 0.09624372356393068, 'and': 0.07230669023388756, 'those': 0.05882045765773689, 'one': 0.0553511041505757, 'men': 0.0401518243648334, 'all': 0.029361254408171947, 'woman': 0.024897141894359806, 'person': 0.022515761183083835, 'people': 0.016258174885748555}, {'and': 0.1255120855781938, 'it': 0.09196618962546445, 'I': 0.0760174497427391, 'you': 0.05584058905284363, 'which': 0.053316226525669405, 'they': 0.052656731321246396, 'Nor': 0.050409978044788785, 'he': 0.048956488490869726, 'It': 0.045239096222185075}, {'to': 0.09140625897619613, 'the': 0.08847171108525873, 'of': 0.08395882391641944, 'and': 0.06463351811329403, 'in': 0.03735079757568925, 'a': 0.02495056126591893, 'at': 0.024457523009477913, '.': 0.02170697540584145, 'by': 0.01984132775452174}, {'and': 0.082880499366544, 'right': 0.07109454518511525, 'able': 0.059733786811118, 'as': 0.0570008004215486, 'necessary': 0.0479939018931491, 'time': 0.04240553586821293, 'enough': 0.039654487652916987, 'order': 0.03852320911072052, 'ready': 0.037278730745590065}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.6302610693769488, 'and': 0.09327282011188254, 'The': 0.08217998100846115, 'tho': 0.03734092831073636, 'a': 0.03689341995965011, 'or': 0.02084150968034478, 'his': 0.018187574069831663, 'of': 0.013436798285083611, 'in': 0.012619822669873723}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.2589387302169835, 'in': 0.10147552510074798, 'for': 0.0880802341174765, 'and': 0.0838961219865529, 'to': 0.07246755015276163, 'with': 0.07186753952693734, 'that': 0.06735299404433186, 'by': 0.06558503446516152, 'from': 0.039744187889654385}, {'was': 0.17692995398216818, 'are': 0.16110741142192325, 'is': 0.16058955751726603, 'be': 0.11842062262615025, 'were': 0.08424291604594156, 'been': 0.05165991341173649, 'am': 0.030208289902917455, 'not': 0.02840203023773763, 'and': 0.027756508651790142}, {'a': 0.3846026289744065, 'the': 0.18356554087694338, 'no': 0.13492132945310076, 'their': 0.05023854954564349, 'and': 0.04248433782038514, 'his': 0.033739961167170394, 'of': 0.031239380819002443, 'more': 0.02989876396321205, 'not': 0.028189342138379897}, {'the': 0.30659240092329465, 'that': 0.1323464694468422, 'of': 0.12573987043659723, 'a': 0.12536793293088888, 'this': 0.07549839890088551, 'The': 0.053050313223759984, 'or': 0.04989456477019042, 'and': 0.03476250242187681, 'tho': 0.02068259259798133}, {'about': 0.2509720719626259, 'of': 0.11725109666852909, 'or': 0.09548009760694627, 'and': 0.09278162249681442, 'for': 0.09195032156548529, 'than': 0.07466529625918078, 'to': 0.052215141457316205, 'within': 0.04402032145034867, 'over': 0.03934048907880059}, {'A': 0.07770637480050097, 'W': 0.07159406242832592, 'M': 0.055968692983542144, 'C': 0.054533769138645286, 'J': 0.05250686482837514, 'S': 0.051046386160789985, '.': 0.04636586785590649, 'B': 0.04077892447754082, 'H': 0.03984184266679205}, {'the': 0.14372384454482584, 'and': 0.099359086046083, 'of': 0.09405374366800018, 'to': 0.07302510364944151, 'be': 0.04415264867889929, 'a': 0.03595604584912906, 'was': 0.03531660013120576, 'at': 0.027117137813397363, 'in': 0.026007478466046476}, {'of': 0.2995263815848787, 'with': 0.11215159846104074, 'and': 0.09157417906621834, 'for': 0.0888787902633247, 'to': 0.056073331950644546, 'in': 0.053293139940472786, 'by': 0.04780624743042148, 'on': 0.04194371065085276, 'that': 0.03906929325856047}, {'grew': 0.37700199696690506, 'a': 0.08969465226241918, 'was': 0.08730636024479306, 'is': 0.06738996383448186, 'much': 0.06598805217296455, 'be': 0.06431210137560618, 'are': 0.04523550245552802, 'the': 0.04291931289708143, 'and': 0.03904453755742994}, {'of': 0.3100220601723147, 'to': 0.09135290559424908, 'on': 0.08341973691932024, 'and': 0.08327836131287507, 'with': 0.07503144579026763, 'for': 0.06046461683382021, 'from': 0.05649220392742301, 'that': 0.052981004522683305, 'in': 0.048747807546307344}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'is': 0.23283943775402996, 'was': 0.162856828139933, 'and': 0.08622365802238735, 'are': 0.06425982256784821, 'of': 0.0577520322681721, 'to': 0.042651658143942735, 'were': 0.03671241967016381, 'be': 0.03585949427727988, 'Is': 0.03387673920646875}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.37880004853764687, 'in': 0.29054510678855944, 'to': 0.07006471854228284, 'In': 0.05938746000064398, 'for': 0.05896039475770683, 'by': 0.03529242597298505, 'that': 0.027952161317573443, 'from': 0.02388392871742399, 'and': 0.014972105060094717}, {'all': 0.15059386224043525, 'at': 0.14343198920774994, 'several': 0.1034283477569708, 'many': 0.10061555152535304, 'three': 0.08797065221163307, 'the': 0.08342191568129832, 'of': 0.07789089111280993, 'those': 0.04615264732394391, 'some-': 0.04031609983853007}, {'Why?': 0.129522860658036, '<s>': 0.06298070280589227, 'and': 0.021236174998581974, 'it.': 0.020908146476909983, 'them.': 0.014594400066870109, 'in': 0.010676518898560507, 'country.': 0.010248055850904028, '?': 0.00914254082530434, 'county.': 0.007616710600742851}, {'of': 0.32644681597036934, 'and': 0.06824372047819752, 'the': 0.03887210701910346, 'at': 0.02497748254936103, 'by': 0.023161545263900195, 'or': 0.021068471927271685, 'in': 0.01933785996972623, 'as': 0.018598736554418058, 'on': 0.017345133013753462}, {'they': 0.13086006902973646, 'we': 0.121656789564786, 'to': 0.09480158455240628, 'I': 0.08705475964369072, 'and': 0.0798503899893494, 'not': 0.07690477447921096, 'who': 0.05717870180594806, 'We': 0.054280901584382965, 'which': 0.0398530133217077}, {'No': 0.14377565754543886, 'no': 0.13252358573837555, 'that': 0.12764219197891782, 'and': 0.08569219780542195, 'the': 0.07476229603713182, 'but': 0.07399192942155826, 'any': 0.06919733648367907, 'when': 0.052554647718621124, 'of': 0.050466833101903155}, {'the': 0.4079328166831006, 'a': 0.09080627800218517, 'no': 0.07459075497374112, 'to': 0.07028405620951167, 'by': 0.06558384806527395, 'I': 0.06496679013599209, 'and': 0.05557409669795141, 'only': 0.04175869464079664, 'or': 0.03429709886419786}, {'of': 0.32253070130870287, 'to': 0.10107790310172926, 'in': 0.07761944657018059, 'and': 0.063191964425746, 'for': 0.04898951220475868, 'by': 0.047321934433427845, 'on': 0.04524995466812564, 'that': 0.04385250283450068, 'In': 0.033401653835732285}, {'New': 0.8887791959634168, 'Now': 0.012806147476034254, 'New-': 0.011567089388868636, 'Xew': 0.006699950171231996, 'of': 0.005076796986331521, 'the': 0.003427892156685868, 'to': 0.0025039418926575186, 'Mew': 0.002111824697542344, 'and': 0.0016598317546632222}, {'to': 0.2872920424636243, 'and': 0.26531707458288967, 'of': 0.05428798499921532, 'not': 0.05002204967046116, 'which': 0.04087563322228224, 'have': 0.03976840608706001, 'or': 0.03877068981804472, 'by': 0.0367373981084127, 'who': 0.03315007167052854}, {'all': 0.06535616556385233, 'of': 0.06440586841928322, 'and': 0.05646049368453879, 'was': 0.046135624293311216, 'is': 0.031090127847119686, 'it': 0.030550394364123906, 'for': 0.029332378089059107, 'went': 0.02491671179640899, 'in': 0.02325004285034494}, {'in': 0.018803799657878505, ';': 0.015363966558255233, 'up': 0.014649728594559406, 'city': 0.01057557493261684, 'county,': 0.010173128499617554, 'him': 0.009391948356202492, 'years,': 0.008352511376980724, 'it,': 0.00828873685946572, 'street': 0.007723697721876877}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.12769508704056487, 'the': 0.08543403107917841, 'to': 0.0568584987261879, 'will': 0.037757616625203445, 'a': 0.03255853735425483, 'I': 0.027489920587621078, 'of': 0.026577756590367273, 'that': 0.025159277413779414, 'would': 0.023920817470895528}, {'that': 0.21792074018397523, 'and': 0.12189636570228067, 'as': 0.08386398889431604, 'of': 0.07083757914919515, 'if': 0.06460776413589993, 'which': 0.05971612862904083, 'but': 0.04916603877494224, 'for': 0.028608986002749495, 'said': 0.027480947534237972}, {'and': 0.2559145754171808, 'is': 0.17148537489731458, 'was': 0.11427681746901977, 'it': 0.03395505863473562, 'but': 0.028934012318238795, 'Is': 0.024480925579449354, 'that': 0.024273576896264207, 'are': 0.022083860607805563, 'which': 0.0169705904899338}, {'of': 0.30085675287045416, 'to': 0.1310128516681803, 'and': 0.124232346549853, 'in': 0.07053326367094094, 'for': 0.06722018594591539, 'by': 0.05726934738839348, 'with': 0.050648424910790364, 'that': 0.04553949769602883, 'on': 0.04327470251623525}, {'the': 0.3508683046691145, 'his': 0.09264940191142361, 'of': 0.08607194587666832, 'their': 0.07832933801496984, 'and': 0.05224374116529182, 'my': 0.05073361581684992, 'our': 0.03184217795906027, 'such': 0.031291547568947364, 'in': 0.029997469725318242}, {'his': 0.2962043093357967, 'their': 0.263388079570064, 'our': 0.13354278519103316, 'her': 0.09292421299543563, 'my': 0.0767136807348168, 'its': 0.040105676603087226, 'your': 0.03752144441390359, 'bis': 0.012872491697055758, 'My': 0.0060995311208828455}, {'to': 0.252804726968683, 'of': 0.17324014300265111, 'in': 0.13680047008572022, 'and': 0.05185099992227015, 'the': 0.041356199831636103, 'for': 0.03336863116681308, 'a': 0.027688405841901683, 'on': 0.019944720334671352, 'at': 0.01940843177912611}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'in': 0.32175081520725946, 'of': 0.18212193821201425, 'In': 0.10196769967654311, 'and': 0.06045323190081834, 'for': 0.052136939157101415, 'that': 0.05075316651069447, 'to': 0.04885591383694827, 'all': 0.032152895556571186, 'is': 0.027327437906557787}, {'one': 0.016205199953911776, 'more': 0.014850368963924498, 'on': 0.011077444877729834, 'day': 0.010651749053865015, 'two': 0.010644879159957422, 'person': 0.007819629515499037, 'in': 0.007673885993340908, 'man': 0.007480463731075341, 'law': 0.0064657706989891236}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.07317573167399335, 'do': 0.031359018567534855, 'together': 0.025100745871968852, 'complied': 0.02409505980578209, 'him': 0.024050953827345737, 'connected': 0.023169949048947324, 'them': 0.022885186873893085, 'up': 0.021493646508479368, 'it': 0.020041949186514325}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'I': 0.13559813027997566, 'be': 0.1153437207410661, 'was': 0.11430464940298825, 'he': 0.11373255758436682, 'and': 0.07621393373858563, 'had': 0.06797249514005801, 'it': 0.05907598388273801, 'have': 0.05671700944607189, 'been': 0.04202106339128875}, {'make': 0.13111219738764654, 'and': 0.10972578380399008, 'is': 0.07721418181820422, 'that': 0.06458802046454024, 'was': 0.04883225663459492, 'have': 0.04854987602545402, 'but': 0.04845668939525643, 'made': 0.04828691644469519, 'had': 0.04813152153516579}, {'and': 0.0515878199462667, 'that': 0.047903786928790125, 'will': 0.03158316937631378, 'it': 0.029208906330108454, 'far': 0.02511659882593125, 'would': 0.023818787119014053, 'had': 0.017981696866368767, 'is': 0.01705754338534299, 'but': 0.01614717524838931}, {'to': 0.24610291161280837, 'for': 0.15031872013285458, 'told': 0.08795141829755163, 'asked': 0.07956859322718984, 'advised': 0.05617563728252096, 'from': 0.052615656096935026, 'permit': 0.045632407713575136, 'with': 0.04412083195787505, 'allow': 0.035049272782425346}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'and': 0.12138690529572072, 'able': 0.07008612006069327, 'enough': 0.054868687782746596, 'is': 0.05421437296025673, 'order': 0.05128481751770325, 'have': 0.04274778255184872, 'necessary': 0.04178593489340622, 'as': 0.038783314609050795, 'was': 0.035113094766370125}, {'a': 0.3753983620938375, 'the': 0.2134400464290406, 'and': 0.05148274262649807, 'his': 0.04756135503792729, 'to': 0.032652518146560935, 'of': 0.027586631307956043, 'The': 0.023284163784564525, 'A': 0.02073864436295805, 'this': 0.01975051935140428}, {'the': 0.24484138337151815, 'of': 0.07748870915196558, 'and': 0.06749806276057306, 'with': 0.02943643664436363, 'in': 0.028540170469304113, 'said': 0.0283402696680805, 'on': 0.026022910556498344, 'by': 0.025751437187302422, 'a': 0.020269741897510164}, {'and': 0.2002665675389948, 'of': 0.12721321892308127, 'the': 0.0780503832806615, 'with': 0.07677109232601717, 'in': 0.05924280028700451, 'a': 0.05119262537495301, 'to': 0.04721216482576919, 'or': 0.04529038623580795, 'is': 0.032457825843706455}, {'a': 0.18793851590828042, 'the': 0.14626131344919818, 'and': 0.13582070877661068, 'was': 0.04908796102553223, 'he': 0.04214902860151585, 'be': 0.04186669359672783, 'of': 0.03547627192529257, 'have': 0.03291386742485569, 'feet': 0.03222018997248044}, {'the': 0.10327457447630171, 'and': 0.0957995047973467, 'of': 0.06962700134998383, 'to': 0.05460770392620942, 'was': 0.032527136683783965, 'be': 0.030612810713715154, 'is': 0.029578357678792428, 'for': 0.02586840156205793, 'he': 0.024252123369417237}, {'of': 0.18829634058609793, 'in': 0.15375639348719863, 'on': 0.116139895319641, 'and': 0.10399377352204812, 'to': 0.045157551481404046, 'In': 0.04428096137417967, 'from': 0.039372038278165426, 'for': 0.03428589691340729, 'at': 0.032501421530300924}, {'he': 0.17300684483622983, 'it': 0.1345693866288048, 'they': 0.0954115800356196, 'I': 0.08369146741089951, 'that': 0.07265867150081488, 'It': 0.07188499003145371, 'we': 0.043905158735551834, 'which': 0.0438082035781544, 'and': 0.04296329128655291}, {'of': 0.13597815444741848, 'the': 0.12343334873407151, 'and': 0.08463940429728811, 'to': 0.05918637332521066, 'be': 0.047501351014033355, 'is': 0.047161127598587996, 'in': 0.0427646076135056, 'a': 0.04174639612992362, 'was': 0.03817956897425862}, {'of': 0.11472049374867029, 'and': 0.10641772720776864, 'by': 0.05933589413055611, 'Mrs.': 0.054660763149405, 'Mr.': 0.03307589006732965, 'said': 0.03245995142997553, 'to': 0.028297571442158925, 'Sir': 0.022668930547635927, '<s>': 0.016738595874029094}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'be': 0.16870627413743214, 'was': 0.1536201316585484, 'if': 0.11558548941219267, 'and': 0.10311337029339947, 'were': 0.08970180247210059, 'been': 0.0664982435269658, 'had': 0.05890794469749187, 'has': 0.044646479077621204, 'have': 0.04397996512380865}, {'the': 0.24875665101134034, 'and': 0.0931296841292055, 'of': 0.0828670863694574, 'a': 0.04893412784608116, 'The': 0.02452604542766423, 'in': 0.023407552100905143, 'at': 0.01792364645255582, 'an': 0.017846881622295623, 'or': 0.01761945677689928}, {'the': 0.18611710684596544, 'of': 0.11410060706196566, 'a': 0.07020624015845338, 'and': 0.06895949612443308, 'to': 0.062024246664390076, 'his': 0.053063527665576794, 'in': 0.04256505335714858, 'was': 0.0314336539701695, 'be': 0.030628006854710323}, {'years': 0.4981595272553151, 'weeks': 0.07970447652012502, 'year': 0.0711180972253452, 'months': 0.06679717035479706, 'days': 0.05211608016001584, 'long': 0.051301099878223594, 'time': 0.02908532636024886, 'week': 0.02351056219434276, 'century': 0.011346641753399195}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'they': 0.1895527246936027, 'who': 0.1847964348059871, 'and': 0.07757601173995878, 'we': 0.07471241700287434, 'which': 0.06652073960688412, 'They': 0.062076254004675084, 'We': 0.03974114957547227, 'men': 0.03316311088022308, 'that': 0.03208725718186628}, {'away': 0.08524667256919749, 'and': 0.06260961918999859, 'them': 0.05085773449255168, 'taken': 0.048657805129396055, 'come': 0.038055988891630504, 'him': 0.02649133247214441, 'came': 0.02568119560116309, 'received': 0.025680744686512717, 'out': 0.02069128892888418}, {'the': 0.1062885573662118, 'and': 0.0949323890716217, 'of': 0.07918612924490342, 'that': 0.0366992008367208, 'as': 0.028547480277675084, 'which': 0.02813678619043533, 'a': 0.027535015471211278, 'he': 0.0256203857733382, 'in': 0.024302078864912036}, {'that': 0.20991671244565127, 'and': 0.07331327432405095, 'which': 0.05114312397160725, 'when': 0.040538224969604686, 'to': 0.03870469398188627, 'said': 0.021048554800573296, 'but': 0.0204239885023613, 'as': 0.019667936663801937, '<s>': 0.01802681026542596}, {'the': 0.4311227065901049, 'a': 0.12944897303260308, 'and': 0.09433002574488034, 'of': 0.06612641142296222, 'The': 0.05491722175792338, 'tho': 0.032041242860993066, 'in': 0.03183172958779159, 'by': 0.02686122494617194, 'that': 0.017752649225521968}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.2113960706457361, 'of': 0.11108817997865271, 'on': 0.09889437042257092, 'and': 0.04717171744108583, 'a': 0.03500876426728406, 'in': 0.028788890076456214, 'said': 0.024708729504442528, 'A': 0.02059232228865536, 'tho': 0.018401543862437274}, {'the': 0.5226870218309537, 'tho': 0.037810034208722816, 'said': 0.03739610376702938, 'of': 0.03611380132067836, 'Circuit': 0.035965743028594725, 'The': 0.02909191315277232, 'this': 0.02511441079829417, 'County': 0.02494923428365559, 'tbe': 0.01761762732186759}, {'and': 0.06011713785131625, 'of': 0.03205822586611916, 'to': 0.023904358710328158, 'it': 0.023427786822166848, 'for': 0.02249749156150637, 'in': 0.021319384703882865, 'that': 0.020854613619912636, 'is': 0.017025338198543065, 'which': 0.01602796830267249}, {'to': 0.4118838778259746, 'I': 0.15640094238424868, 'not': 0.08454273145715242, 'you': 0.08234536232639555, 'and': 0.04437838910593141, 'will': 0.03536901119348077, 'we': 0.028862097318497936, 'would': 0.025880332931253133, 'can': 0.021208662705102837}, {'the': 0.1470100361383377, 'and': 0.11617295655925038, 'of': 0.07393166846484216, 'that': 0.036414796532998735, 'or': 0.02890328452490232, 'a': 0.026724952857902554, 'The': 0.022546683662503834, 'I': 0.020316946511862208, 'which': 0.019971045993368523}, {'by': 0.2252312939820688, 'of': 0.2009816623584959, 'and': 0.12375470114595814, 'in': 0.0629420060595492, 'are': 0.04525076635586487, 'the': 0.03686933770362302, 'is': 0.035400004775021005, 'for': 0.030909296767420616, 'to': 0.03075386405278822}, {'the': 0.3178319948380205, 'to': 0.15965408703189712, 'and': 0.1504377020104847, 'of': 0.04184096621402282, 'a': 0.039940659403141565, 'in': 0.023977422617159624, 'The': 0.022773902768442066, 'as': 0.019260426714017564, 'tho': 0.01670781649198446}, {'that': 0.3633367469812165, 'which': 0.10666826865044596, 'if': 0.09173988622614324, 'as': 0.0693923631155659, 'when': 0.0567787896411103, 'and': 0.05402159942240152, 'where': 0.04665098988630387, 'what': 0.0357350225177209, 'whom': 0.03377515745052169}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.1726095025309053, 'of': 0.09298183570168006, 'and': 0.06785170626687703, 'a': 0.0388977411056504, 'in': 0.03684988981090447, 'to': 0.03172854973172438, 'at': 0.023990216394669944, '<s>': 0.021741131353849984, '.': 0.01962098813084522}, {'the': 0.17340314898284362, 'and': 0.11200915399899676, 'of': 0.10139734613502338, 'to': 0.050782520040876904, 'in': 0.04167964387849871, 'was': 0.02847858384346995, 'he': 0.021218486834291884, 'be': 0.019942915018487644, 'is': 0.019911520840752827}, {'and': 0.05282056190641624, 'is': 0.044686284407826835, 'protest': 0.041855397102576415, 'up': 0.04030716158251976, 'was': 0.03806770767238362, 'brought': 0.03748198088037595, 'voted': 0.030649073049986902, 'as': 0.030175168326142057, 'made': 0.029961251269044743}, {'the': 0.16262722465144508, 'of': 0.09605398498772871, 'a': 0.05715369362136166, 'to': 0.047235583264201596, 'in': 0.04259210197915025, 'any': 0.04019520942918945, 'for': 0.038900184006499285, 'or': 0.03687117495452614, 'and': 0.03404792952970576}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'I': 0.2572300128416913, 'we': 0.13818330633429673, 'they': 0.13743063280787118, 'We': 0.09318670847939511, 'who': 0.058994341898112715, 'to': 0.05295662361230825, 'and': 0.044336426810502295, 'you': 0.04223867791131387, 'They': 0.03219948680610231}, {'of': 0.16922848692222728, 'in': 0.1534665816128488, 'that': 0.12924434055341502, 'and': 0.06105217704881792, 'to': 0.05962581860397259, 'for': 0.057074859747410896, 'by': 0.047036734301616034, 'on': 0.04443033045698287, 'In': 0.04273061932567369}, {'and': 0.101472706099986, 'is': 0.07503414413440927, 'was': 0.05395553633976374, 'able': 0.04771285864381024, 'as': 0.04697624182266968, 'enough': 0.04468085602529757, 'necessary': 0.04376927185911002, 'right': 0.04208111825034694, 'order': 0.041088320604357895}, {'and': 0.08038457484549454, 'able': 0.06296343101434622, 'right': 0.05845242889904819, 'allowed': 0.0435851261026418, 'is': 0.04335227331560874, 'enough': 0.04334457219036044, 'made': 0.04277275514053588, 'unable': 0.041483373420500444, 'necessary': 0.040276736296193036}, {'of': 0.20651008283960823, 'to': 0.09404948456337442, 'and': 0.04879687424943716, 'for': 0.048089597529265254, 'at': 0.04082588238828987, 'in': 0.03643810894576461, 'said': 0.02407650031412187, 'on': 0.02364627008494218, 'from': 0.02357581428669491}, {'to': 0.6535973130362214, 'not': 0.06778894258817629, 'will': 0.04536788688940219, 'and': 0.045171991476488586, 'the': 0.028028090682067585, 'would': 0.022534154456806423, 'must': 0.021776073103920532, 'publicly': 0.02154138842872981, 'should': 0.013401678068727158}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'that': 0.24715985933848605, 'and': 0.15762721074378622, 'but': 0.08470261858312049, 'as': 0.07077955572788786, 'when': 0.06468281788235339, 'which': 0.06339550811110875, 'if': 0.037432756384085435, 'where': 0.030194946830544037, 'until': 0.021357863810497073}, {'and': 0.27974600348635, 'was': 0.06165799536506933, 'is': 0.04402410198509005, 'are': 0.03772771133126203, 'be': 0.03407900211050547, 'that': 0.03275845779808194, 'were': 0.03229567161118422, 'to': 0.03218049266350868, 'of': 0.020690225841797125}, {'the': 0.44425032800015524, 'of': 0.12734019979016442, 'The': 0.11436837139683347, 'and': 0.06198786398148755, 'to': 0.049405018302829826, 'a': 0.042807802996639284, 'no': 0.038574720336707245, 'in': 0.028231129234725486, 'great': 0.027139854384355833}, {'of': 0.30107175267149283, 'and': 0.11632012989775657, 'said': 0.09058080439626885, 'by': 0.08808075628446384, 'Mrs.': 0.045889925918857294, 'to': 0.039153176258151734, '<s>': 0.018489865569090914, 'Mr.': 0.017803683049116587, 'in': 0.01480316078748001}, {'on': 0.18822380851794948, 'of': 0.18550294693602234, 'and': 0.13775550986075136, 'to': 0.09290377430568626, 'On': 0.08422691802573472, 'all': 0.05560600372835125, 'with': 0.053992266041829225, 'in': 0.051745693465751676, 'that': 0.04239106999069966}, {'and': 0.3757554202830091, 'that': 0.040163558907331406, 'And': 0.03913901180560042, 'but': 0.027218967832233192, 'as': 0.025755858724696944, 'If,': 0.022446798339989353, 'Why,': 0.022407389689846454, 'there': 0.019577076035881307, 'had': 0.018304371724741524}, {'the': 0.37294888110937646, 'a': 0.25064931705721544, 'most': 0.08252257918163809, 'of': 0.06733929338336118, 'The': 0.05166364058032029, 'to': 0.048830195136567674, 'and': 0.031240939789604724, 'his': 0.030272666143285828, 'very': 0.02368124364642987}, {'and': 0.06595692348085835, 'beginning;': 0.06007909659106539, 'that': 0.04160562688697428, 'of': 0.03411667728537654, 'the': 0.030595786466962076, 'sum': 0.02900877374721419, 'in': 0.025499862641426237, 'which': 0.02029004275013118, 'interest': 0.020062455235038523}, {'and': 0.18931568728060857, 'of': 0.1559230442043941, 'is': 0.10802105832057161, 'are': 0.07542474880878235, 'was': 0.05506776452669608, 'by': 0.03705603919515942, 'as': 0.03302264631702146, 'from': 0.03160857259139558, 'that': 0.028051607744139524}, {'of': 0.14114151323328522, 'is': 0.13958683389431029, 'as': 0.10538571227654026, 'for': 0.09615558763246652, 'was': 0.08004066018342242, 'in': 0.060184705582001445, 'with': 0.0539264197042946, 'such': 0.047216477528545006, 'be': 0.04111464189838731}, {'in': 0.43557080069470466, 'to': 0.17410809439256383, 'In': 0.08157397323106254, 'and': 0.05187890765220526, 'not': 0.038025407657474204, 'of': 0.03535410341635828, 'for': 0.01629871428361843, 'with': 0.016070003792197887, 'the': 0.015075441474081483}, {'the': 0.7135114942534772, 'a': 0.09371792163071523, 'The': 0.03897888878574558, 'this': 0.03670520456029678, 'tho': 0.0247658326821829, 'of': 0.022059910731921793, 'and': 0.018064807296136708, 'our': 0.013954862660375439, 'tbe': 0.009028825148282208}, {'and': 0.2027986760385757, 'that': 0.06114672110550492, 'as': 0.043893664593474324, 'which,': 0.021136677342906758, 'and,': 0.02063490408483765, 'it': 0.018984826373382897, 'but': 0.01563275541880115, 'or': 0.014333649266394985, 'time': 0.013551265647654196}, {'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.17389006272270874, 'is': 0.17014517685976804, 'are': 0.09444920976325565, 'and': 0.08202320589104958, 'were': 0.05967781812372569, 'if': 0.053920247129146545, 'do': 0.043916164644241494, 'had': 0.040999695981943286, 'but': 0.03514346550360854}, {'virtue': 0.07372054838507916, 'out': 0.0643582522520695, 'part': 0.03907743667416268, 'one': 0.035272612243984924, 'quarter': 0.03209168295079266, 'favor': 0.02368434909271157, 'result': 0.023120733291221517, 'guilty': 0.022440380223500818, 'means': 0.021974823725644504}, {'of': 0.1582559933891888, 'the': 0.09407817952359815, 'in': 0.057873491356385934, 'and': 0.04702176872006862, 'that': 0.03743136021928463, 'to': 0.031011104865684532, 'The': 0.026454772604923092, 'for': 0.022924280922302677, 'Mr.': 0.019774204214003416}, {'the': 0.1522511463201571, 'of': 0.09157053336721196, 'and': 0.07519283507162447, 'to': 0.06936163942185535, 'for': 0.025437769266404713, 'in': 0.02511178674697422, 'be': 0.02324888726795875, 'is': 0.02045281164709818, 'was': 0.01868950220535144}, {'day': 0.061041379847072565, 'up': 0.016772616804277184, 'night': 0.01577560123870397, 'in': 0.014411021457164667, 'here': 0.013454184102108547, 'home': 0.012733063867061965, 'him': 0.012506001053206435, 'time': 0.011802574784770566, 'city': 0.011211285744600435}, {'of': 0.3306306255116171, 'the': 0.27836786674028047, 'in': 0.10583412229934565, 'with': 0.05117545827803465, 'and': 0.04851757455299591, 'a': 0.04325340011307963, 'by': 0.034866311723247424, 'The': 0.02510527452628655, 'that': 0.020105281271967097}, {'of': 0.16415076133181486, 'the': 0.08581292301774042, 'to': 0.06436727106763286, 'at': 0.05409648027790311, 'and': 0.05159435797338516, 'in': 0.04996620356057216, 'a': 0.040406795365499557, 'for': 0.031714303268759195, '<s>': 0.027099829192970656}, {'of': 0.14834115176286097, 'was': 0.10883057037819768, 'is': 0.10109072798466341, 'and': 0.10013928327054109, 'with': 0.0982510779680084, 'by': 0.069068851459456, 'to': 0.0643265935685892, 'on': 0.03804664768839348, 'in': 0.036659062782624624}, {'and': 0.09052722103016936, 'as': 0.07544202713610734, 'able': 0.0737021769988104, 'enough': 0.05567424687325197, 'time': 0.04482462588366744, 'him': 0.04221299964258629, 'them': 0.03650051063738251, 'necessary': 0.03603223715125866, 'order': 0.033363907277831194}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'United': 0.8418737536004545, 'the': 0.024699073063001727, "I'nited": 0.014467758872563253, 'ted': 0.012015442527646884, 'Southern': 0.011501662778878428, 'of': 0.008008988434045973, 'nited': 0.00722649822963904, 'per': 0.006901994092570078, 'Uuited': 0.006849220240179932}, {'it': 0.17240431579136858, 'It': 0.13404297553635314, 'he': 0.11641293651409632, 'which': 0.05876613235223378, 'and': 0.04869767769911812, 'He': 0.03848627020352779, 'that': 0.03370651886823356, 'I': 0.0314782762922157, 'This': 0.02651871153070358}, {'of': 0.30079116823845514, 'to': 0.13276034652098817, 'in': 0.08209437029864854, 'on': 0.07964979711608394, 'for': 0.06346123580625614, 'and': 0.046729569088146926, 'was': 0.039763899072822885, 'that': 0.0395531409857729, 'is': 0.03807996185314062}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'the': 0.28738998835466134, 'of': 0.2631341737265592, 'his': 0.051123171141592615, 'to': 0.05004469553293167, 'in': 0.04596078175029317, 'their': 0.045580982901241386, 'good': 0.043739097153083537, 'public': 0.03605537152096178, 'perfect': 0.03305162472723352}, {'in': 0.29737740284047753, 'of': 0.1774161567185488, 'and': 0.0775032484660277, 'In': 0.07730344613814483, 'the': 0.07260996038798571, 'to': 0.05670052043773732, 'by': 0.053792014971054986, 'West': 0.04438514968084731, 'at': 0.03827185720213614}, {'the': 0.20018816004526965, 'to': 0.16706816174797534, 'an': 0.1359940748509998, 'will': 0.08170311150894811, 'and': 0.06121032370380146, 'of': 0.059862182255497914, 'not': 0.05724783831833194, 'is': 0.040937062823738345, 'in': 0.038650395933268154}, {'be': 0.28083126791437063, 'and': 0.09667738015244383, 'was': 0.09546687864103583, 'been': 0.07646206162603329, 'is': 0.05073332463054779, 'he': 0.050689543496573626, 'have': 0.03493542811827515, 'well': 0.033071278619928104, 'were': 0.032079273575367794}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.12969168669235873, 'was': 0.0592494089613536, 'is': 0.05041838233081939, 'are': 0.03664973942761314, 'recorded': 0.025463609078560642, 'be': 0.02387244758169379, 'were': 0.021956953595766247, 'made': 0.021025110745525082, 'that': 0.02057927104039578}, {'and': 0.15064518142092267, 'was': 0.12383580136176847, 'to': 0.07196688258436822, 'will': 0.0504332833487517, 'be': 0.04808374105575738, 'that': 0.03644680179335586, 'is': 0.035546408212591606, 'were': 0.030205765746485633, 'not': 0.029365955955386873}, {'contest,': 0.04233574069993919, 'one': 0.021831706621678992, ';': 0.01811854655950676, 'in': 0.016622551070535705, 'and': 0.013563108533051088, 'them,': 0.013432625189731026, 'it,': 0.011820097287788463, 'more': 0.010645389914689737, 'action': 0.009193370654265112}, {'to': 0.501057758892515, 'and': 0.07798416616423942, 'who': 0.04362404181863935, 'I': 0.03996443941907905, 'which': 0.03473857501916855, 'will': 0.0343970116563716, 'they': 0.025692932686434786, 'we': 0.0207076406440059, 'he': 0.020105052394024815}, {'in': 0.20747099857508353, 'of': 0.1658272795124919, 'and': 0.1030592239545708, 'to': 0.09412003817616972, 'with': 0.07946281335803816, 'In': 0.06307350905688772, 'for': 0.05255031610182178, 'that': 0.052504678647932554, 'from': 0.03688612374419078}, {'the': 0.2501770936202777, 'of': 0.11495924283631034, 'and': 0.08988401112848357, 'a': 0.07889424976032834, 'to': 0.06757202323039038, 'in': 0.03878208915798794, 'or': 0.023098388012567576, 'two': 0.018246504201159877, 'all': 0.0178506249112376}, {'of': 0.3524103590499236, 'in': 0.21730301336117552, 'on': 0.0751308658180392, 'to': 0.06728230749021445, 'for': 0.05665867086655697, 'In': 0.029894129220067095, 'by': 0.029218744433220905, 'with': 0.023861906479026737, 'from': 0.022065038713993707}, {'and': 0.0941004168750069, 'days': 0.05796086974782947, 'was': 0.05522297741294859, 'or': 0.04407822092225418, 'time': 0.0435884420075973, 'that': 0.042897300417212854, 'never': 0.040325237062531556, 'long': 0.03994520629830473, 'be': 0.037416175620997257}, {'of': 0.5533840054259666, 'in': 0.14051696151258747, 'to': 0.07684561121218433, 'by': 0.04421130508159314, 'for': 0.03575544298426114, 'that': 0.02817138016682908, 'and': 0.022325315438711822, 'In': 0.021797232881035564, 'from': 0.02162609524019231}, {'and': 0.16413742732402853, 'the': 0.11101122171584435, 'to': 0.08190322060795964, 'of': 0.03833046716926803, 'will': 0.03267014287951867, 'a': 0.03125957758654081, 'I': 0.02605495702306331, 'he': 0.02239705763483441, 'in': 0.018428225021658487}, {'the': 0.3900670318487718, 'this': 0.13758342281496092, 'that': 0.1333126188637099, 'The': 0.06659885030117083, 'same': 0.05667927525507211, 'first': 0.0470338280204199, 'of': 0.044906220355250256, 'a': 0.0348947035273786, 'which': 0.027842146635549115}, {'there': 0.17325832794825144, 'It': 0.14181484733718705, 'it': 0.13288715342556368, 'he': 0.09577301893185082, 'There': 0.09058570387101156, 'He': 0.06070576913767257, 'and': 0.039403713064086215, 'I': 0.03799639732631583, 'which': 0.03212936685032044}, {'and': 0.026071503060003474, 'made': 0.017498364368394564, 'all': 0.014977797233884104, 'the': 0.013265163697746862, 'day': 0.01244765550633412, 'well': 0.012342662578233394, 'them': 0.012147407500454739, 'men': 0.011895284809119895, '<s>': 0.011256441790601633}, {'It': 0.2996795396569718, 'it': 0.2865487528736401, 'which': 0.0494435536088248, 'he': 0.04510773141452599, 'This': 0.04361908786031001, 'that': 0.029895361838931135, 'He': 0.024634561790706125, 'and': 0.021831250076201677, 'this': 0.01970472450812839}, {'of': 0.14667143979921002, 'in': 0.11810861144498626, 'the': 0.07611503043120288, 'to': 0.059214786207344446, 'at': 0.0373152039123374, 'and': 0.036412682869135224, 'a': 0.033464942877033464, 'by': 0.03142460683639254, 'for': 0.028274675018122888}, {'was': 0.21556964356505254, 'be': 0.21339224121195574, 'been': 0.13267090711068427, 'are': 0.11778308980310538, 'is': 0.1034192014234798, 'were': 0.10285778365368309, 'being': 0.027137598791252018, 'not': 0.021525177112110334, 'and': 0.019546516192092647}, {'and': 0.12421094039979039, 'the': 0.05840526164062498, 'of': 0.047924153437625544, 'to': 0.044654304086549114, 'that': 0.02891820994542793, 'in': 0.028257414526252887, 'be': 0.024694903169543262, 'was': 0.023178857133647986, 'is': 0.022806903817994776}, {'No.': 0.13180749279684661, '.': 0.09131561429575565, 'Sept.': 0.0906049082021431, 'Sec.': 0.0790621954590811, 'Aug.': 0.0628646294801918, 'Oct.': 0.05772632665387615, 'S.': 0.05370239980683655, 'Mr.': 0.0533944882445367, 'N.': 0.04697688905083578}, {'more': 0.058652013353370114, 'hundred': 0.05020162127237813, 'one': 0.029250029556933285, 'up': 0.014068755451634466, 'men': 0.013238732037143208, 'time': 0.013170329175042109, 'dollars': 0.012001153436070902, 'due': 0.011026465237214964, 'two': 0.009883584402046517}, {'made': 0.1085292688014966, 'and': 0.09699530345010655, 'required': 0.04354990202781187, 'done': 0.038971853256058814, 'caused': 0.03696850491290414, 'but': 0.025689770224636133, 'that': 0.02464078578611583, 'or': 0.023480027070772524, 'prescribed': 0.02279715532936269}, {'the': 0.2473395086807665, 'a': 0.11473609857973387, 'of': 0.08173427348511221, 'and': 0.06234667076718611, 'to': 0.040614496316806706, 'in': 0.029467911593440674, 'an': 0.023313208963062843, 'with': 0.019921410643145628, 'for': 0.019091349785598535}, {'it': 0.13658167586337025, 'which': 0.12001920240972701, 'It': 0.11782804746711427, 'that': 0.078280563328333, 'who': 0.070133317669197, 'he': 0.06995204226584692, 'there': 0.05496290335222193, 'and': 0.0343987140609245, 'There': 0.029626703982828646}, {'a': 0.36582606850461896, 'the': 0.17129621779203427, 'most': 0.09933300895981466, 'and': 0.07086277291619021, 'very': 0.06234832858887911, 'more': 0.04395242542032802, 'his': 0.03160527065708123, 'of': 0.028353533850663956, 'their': 0.025577905317435652}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'the': 0.20563964297139822, 'and': 0.12795369385715188, 'w': 0.09568086905675484, 'The': 0.08376233063316613, 'his': 0.06660464527125291, 'my': 0.02713331320466105, 'that': 0.025792673088671936, 'a': 0.023974930863371605, 'I': 0.022954283267870954}, {'and': 0.10786984312856053, 'to': 0.08305002954097497, 'was': 0.0791351405884669, 'the': 0.07605600048288752, 'be': 0.06422418188606024, 'of': 0.045059782878990394, 'is': 0.038715253415009934, 'a': 0.0364408107325349, 'at': 0.0336734275862009}, {'the': 0.36376136897055616, 'of': 0.14566551459391702, 'in': 0.07447829920363387, 'their': 0.05634618316071636, 'all': 0.055274104451751536, 'and': 0.05107030446185185, 'The': 0.04342341489536742, 'for': 0.03447269079076439, 'a': 0.03156514137075324}, {'and': 0.10875907706412513, 'to': 0.08614113119108828, 'of': 0.07815244228866491, 'the': 0.06935437916375181, 'in': 0.032041021560842875, 'be-': 0.031649775157493794, 'that': 0.024856014150232, 'was': 0.023202494258437373, 'for': 0.021293688566843005}, {'the': 0.4267452169522932, 'a': 0.11592277553036989, 'his': 0.07743040685640618, 'and': 0.06338163804713604, 'of': 0.04415991459297163, 'The': 0.032293712724015725, 'tho': 0.03084536545976846, 'my': 0.03028608543911474, 'their': 0.02959702818064472}, {'the': 0.12693658174734948, 'and': 0.07099931258996009, 'a': 0.0652459971589364, 'be': 0.05979890004483217, 'of': 0.05658888407546323, 'in': 0.05420112151028532, 'his': 0.03798098293565587, 'to': 0.03629879741026412, 'was': 0.03184052830354164}, {'in': 0.24096682611238487, 'the': 0.21418400617529193, 'of': 0.19412484529421692, 'and': 0.07809662844055114, 'In': 0.025698773574806454, 'for': 0.01631969623724664, 'to': 0.015005653493412291, 'by': 0.012901603876723991, 'these': 0.010650021932471453}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'the': 0.14912494643269528, 'in': 0.09288366230072656, 'of': 0.0794933525281817, 'at': 0.04204367432904866, 'said': 0.024968907707319816, 'to': 0.02482517541407943, 'and': 0.022182118801454893, 'In': 0.020719771286130548, 'for': 0.0190380437964613}, {'that': 0.2653422209189044, 'and': 0.166208134235141, 'which': 0.0815008187547607, 'but': 0.058734823419496686, 'as': 0.05103989095493374, 'when': 0.03406533377830836, 'if': 0.031593568437748534, 'where': 0.02487239865468508, 'what': 0.024510884028450485}, {'the': 0.6110895114605014, 'of': 0.0779373204751079, 'and': 0.0353548366980545, 'The': 0.03163084743367613, 'by': 0.025245118202498168, 'tho': 0.023774399692293047, 'Vice': 0.02281233729327189, 'to': 0.019007054892545828, 'tbe': 0.012067726003620074}, {'the': 0.2582829366284151, 'a': 0.13085599292495081, 'of': 0.12645310308282662, 'to': 0.06346260998862314, 'and': 0.05979528727910782, 'in': 0.03173705579875469, 'The': 0.022090162475548188, 'for': 0.020317575116795637, 'with': 0.018971300098832376}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.30149279281385943, 'Wall': 0.061688813969031676, 'Main': 0.03984468283058031, 'of': 0.01937891469477641, 'Third': 0.01894588774083773, 'Sixth': 0.01403639020873577, 'Fifth': 0.013597358981713959, 'Grand': 0.013535324999993438, 'tho': 0.013039759240165136}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.5851529148092963, 'a': 0.07038038988883663, 'The': 0.06431379070136567, 'tho': 0.03440392603812553, 'said': 0.02386232445072077, 'A': 0.019340339095421433, 'this': 0.019054211280744485, 'tbe': 0.01646500454334727, 'and': 0.01423106179119182}, {'the': 0.05546069819244672, '1': 0.044967778996585335, '-': 0.037208298016737994, 't': 0.03241983986865706, 'a': 0.02839812207498992, 'in': 0.02276741122268454, 'and': 0.022027504052537398, 'I': 0.02146810913303809, 'i': 0.01899982364396977}, {'person': 0.027187909741792426, 'in': 0.025846871229636272, 'action': 0.021875111242990384, 'on': 0.019982016573975466, 'one': 0.01997932448639928, 'man': 0.016762850776879966, 'right': 0.016026480048256252, 'day': 0.015516876174724536, 'city': 0.014939383596564305}, {'and': 0.06910383993424493, 'suffering': 0.030241764068536108, 'free': 0.025575813536931488, 'or': 0.024312736517264812, 'far': 0.023103209722020436, 'away': 0.023008123927130173, 'it': 0.02254176666766283, 'miles': 0.021870186938549224, 'them': 0.021399306142506635}, {'the': 0.15531446224411224, 'of': 0.1532050665316034, 'to': 0.06772064458146901, 'and': 0.05689206968451324, 'in': 0.03667733120822099, 'by': 0.030116926795653774, 'a': 0.02488861999647646, 'for': 0.02233532839442128, 'be': 0.021528549982708894}, {'cents': 0.19552539952176018, 'cent': 0.07460673659365223, 'cent,': 0.04215236209170614, 'ten': 0.04054950328144731, 'centum': 0.034657893682026084, 'dollars': 0.03303585267503642, '50': 0.03174928609459175, 'six': 0.027595478492493355, 'five': 0.024990962227303806}, {';': 0.032575093671782275, ',': 0.009364927116662742, 'him,': 0.007708380539563861, 'up': 0.007543122805705033, 'dollars': 0.007433085777582396, 'it,': 0.007201824828941372, 'and': 0.0066786988235040074, 'years,': 0.006619965871702948, 'in': 0.0063766193573772745}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.11662162438895472, 'of': 0.08510772891872619, 'and': 0.0749308918450228, 'a': 0.05027090809541287, 'to': 0.044579509927247796, 'be': 0.03493674646348542, 'in': 0.034010718862884565, 'was': 0.032497593919047184, 'is': 0.018566250331332107}, {'and': 0.05287071181506015, 'come': 0.04945370318030543, 'find': 0.04104835915998398, 'it': 0.04097155102614147, 'came': 0.03911804118928466, 'them': 0.038870869515879446, 'was': 0.03864949110973197, 'pointed': 0.03846453379737126, 'go': 0.03709406387324138}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'the': 0.13731283322610957, 'of': 0.07477144285245876, 'and': 0.07226257339788172, 'to': 0.06818830468160214, 'a': 0.0378057304274553, 'was': 0.030358767697264435, 'be': 0.02962819782946242, 'or': 0.024336954268978826, 'in': 0.023794619144516565}, {'the': 0.5320354967327683, 'at': 0.07502295461758675, 'of': 0.07404804693340862, 'to': 0.04221139901881565, 'in': 0.02484411650527422, 'tho': 0.024584795148309833, 'said': 0.02370108178304155, 'this': 0.01718704108235421, 'and': 0.011511850026730424}, {'and': 0.03259448594773156, 'made': 0.030522427376359726, 'followed': 0.018025991789717387, 'accompanied': 0.017688417780925243, 'up': 0.015988849345023683, 'called': 0.01491131924602293, 'is': 0.014601087276396887, 'there': 0.014233013171978559, 'that': 0.013706593252276675}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.2899152567017939, 'in': 0.11550702991139374, 'of': 0.10060971203466051, 'from': 0.0716467749970922, 'his': 0.07145663522577542, 'a': 0.060810344368877965, 'and': 0.058850033883107555, 'their': 0.051671753205882846, 'to': 0.04354952759608782}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'of': 0.2606038462947005, 'a': 0.2596572169779664, 'and': 0.09160414288867523, 'in': 0.08856270232637886, 'the': 0.06492395553182106, 'with': 0.05071449637919203, 'for': 0.034096385125129684, 'some': 0.03312303740408265, 'A': 0.027821027078885893}, {'to': 0.12125503685759882, 'and': 0.11366560436910111, 'the': 0.10755394943038732, 'of': 0.0859530287029178, 'in': 0.02765256742898761, 'a': 0.023900791728749884, 'not': 0.023740175587326894, 'or': 0.022845412716315405, 'for': 0.020729169489789447}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'to': 0.14615204584561658, 'and': 0.14045108100725037, 'of': 0.04871895316624324, 'I': 0.04688539120706586, 'the': 0.04668155324206091, 'not': 0.03280047724424219, 'in': 0.03163480340625802, 'he': 0.023813004489049494, 'have': 0.021545651407038246}, {'he': 0.27803389236766435, 'I': 0.07732489847780039, 'He': 0.06233283221316949, 'and': 0.061321850729777236, 'she': 0.05288421441677915, 'it': 0.024400732665790664, 'It': 0.0214196483667074, 'ho': 0.017730251287990446, 'who': 0.013548166139524724}, {'of': 0.33301453177516593, 'in': 0.1091957944019782, 'to': 0.08228369501040485, 'and': 0.061236439062026964, 'by': 0.05874059281535017, 'that': 0.05164784084109254, 'for': 0.05074692485574594, 'with': 0.04297896516596899, 'from': 0.03384769561863852}, {'to': 0.2857869699423286, 'will': 0.2243055557043124, 'shall': 0.09415553959659705, 'would': 0.08743978248780299, 'may': 0.07934714658096263, 'should': 0.06692226181213405, 'must': 0.04786020442513056, 'not': 0.03801865881045137, 'and': 0.021043572983929597}, {'or': 0.33601834497943184, 'of': 0.11345739828698191, 'in': 0.10632780104880336, 'to': 0.10068408631766582, 'on': 0.09056308972193987, 'at': 0.06185871329173436, 'for': 0.03973082386857805, 'by': 0.039701814032133693, 'that': 0.03372881369393098}, {'at': 0.1697298861036169, 'of': 0.12575791757931729, 'and': 0.0960196648068445, 'for': 0.08416020380652556, 'in': 0.06206412089451922, 'to': 0.05575953275309215, 'the': 0.05058459522296928, 'a': 0.03484115280993764, 'that': 0.022931829621960893}, {'the': 0.4804279604410786, 'a': 0.12296503627233481, 'The': 0.06251788947919307, 'tho': 0.037074373506459875, 'and': 0.033259344057846175, 'this': 0.02760733176702224, 'his': 0.0231080504994344, 'on': 0.01671246687181127, 'our': 0.01613307983612911}, {'to': 0.22575034682261086, 'the': 0.1449228807862126, 'and': 0.13062158187310502, 'of': 0.07945121729973109, 'in': 0.057819461999573635, 'a': 0.047258218916673964, 'I': 0.035213492003800466, 'which': 0.0280378296531284, 'his': 0.025529989861481757}, {'it': 0.17221751696056026, 'he': 0.17151841314429114, 'It': 0.09491267668442407, 'I': 0.08865481065854448, 'which': 0.06985510655821484, 'He': 0.05186177069393563, 'and': 0.05063022825474839, 'who': 0.048162724652688844, 'she': 0.037166037284621305}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'three': 0.1430503916683695, 'feet': 0.06374473301149568, 'up': 0.046205322445333596, 'went': 0.044525384273466126, 'and': 0.043296179104835596, 'four': 0.038000014420666126, 'go': 0.034152441632683606, 'two': 0.02957968229196007, 'him': 0.029371833247168386}, {'and': 0.13796075322364806, 'not': 0.1155083421811123, 'is': 0.1117443352518931, 'or': 0.10116255016244188, 'was': 0.07636158359933219, 'are': 0.07026265816583488, 'of': 0.05605957344958065, 'be': 0.053958012964655, 'been': 0.042712624107624185}, {'the': 0.30737180862875496, 'of': 0.08489215885718072, 'said': 0.04324409204406222, 'and': 0.043068657514912505, 'The': 0.036206665665248675, 'Mr.': 0.035173011035511, 'in': 0.026511401529721427, '.': 0.023797842212535936, '<s>': 0.016699106700111724}, {'there': 0.22533759777794418, 'There': 0.15483436887721633, 'they': 0.09923212401564198, 'and': 0.0467138645160592, 'They': 0.03301299717732569, 'who': 0.02935044609021203, 'we': 0.028359675747939486, 'which': 0.028207485846694257, 'men': 0.015082916903740381}, {'to': 0.11032930493935608, 'the': 0.10808801942558408, 'and': 0.10585990876899179, 'of': 0.08465937593229254, 'in': 0.03357921122641276, 'a': 0.02894796934216075, 'not': 0.01984778500098046, 'I': 0.016850603092794177, 'be': 0.016357541665608457}, {'the': 0.16364809390845836, 'of': 0.09344781902875651, 'and': 0.08635515295464175, 'a': 0.04303614522501437, 'Mr.': 0.036261837252330155, 'be': 0.0346023097529868, 'The': 0.03338508559807945, 'was': 0.028144603765326237, 'to': 0.021827757853737126}, {'the': 0.500306921256503, 'and': 0.06568021747625849, 'a': 0.06418635064040748, 'this': 0.06238710146345418, 'of': 0.060025803308850725, 'or': 0.03869905347713038, 'in': 0.03766150809076875, 'any': 0.03149188294220897, 'its': 0.030119250431720028}, {'the': 0.31031750001291963, 'and': 0.06527702224004961, 'of': 0.06447128956765259, 'a': 0.05632631266118443, 'in': 0.05323933470490312, 'that': 0.03237424241186584, 'tho': 0.020866506904482697, 'no': 0.019337802759297265, 'any': 0.019000235744759227}, {'that': 0.19334165128296624, 'and': 0.18742737884450153, 'but': 0.10569903914763065, 'as': 0.0761181804251399, 'which': 0.05807654670077377, 'if': 0.03936126387756893, 'when': 0.03767480503209417, 'where': 0.027471127676823876, 'But': 0.024854195042196804}, {'the': 0.1873830439526333, 'of': 0.10165320332316363, 'to': 0.07121158975065293, 'and': 0.06239695364163807, 'in': 0.035446901840830145, 'for': 0.035173487692861834, 'be': 0.028874204567123713, 'was': 0.021018146370974093, 'is': 0.019131692790431924}, {'of': 0.3396936226976148, 'to': 0.12393655859400195, 'and': 0.08472612028200352, 'in': 0.060759492356985266, 'that': 0.05949588425582339, 'for': 0.05879683579818089, 'with': 0.057724043877791835, 'is': 0.03669090651059861, 'by': 0.03665847000147856}, {'and': 0.0755684693577612, 'held': 0.03735420623328323, 'recorded': 0.029758789570587533, 'made': 0.027541912170281936, 'was': 0.0263524707563857, 'up': 0.023701155422633905, 'him': 0.023224272476487888, 'it': 0.019050698556985244, 'is': 0.018272280485077678}, {'the': 0.08895766222023704, 'and': 0.07148634672390847, 'of': 0.06475355188516031, 'to': 0.06242908023263183, 'in': 0.03914489688578219, 'on': 0.03239582715554008, 'for': 0.030808979102650607, 'was': 0.028356631705016712, 'a': 0.027445254556712057}, {'the': 0.3042053257659589, 'of': 0.0941856521556742, 'and': 0.08872403324316457, 'an': 0.07424425365443484, 'have': 0.06919242993319573, 'The': 0.05856092289703705, 'their': 0.05745281638997549, 'his': 0.056430100735019806, 'be': 0.04609646641263636}, {'the': 0.31203613150307485, 'in': 0.11577305046620345, 'of': 0.0960829854845802, 'his': 0.08507697919467842, 'from': 0.06939240325554868, 'their': 0.05134680904921478, 'In': 0.046111732557560216, 'and': 0.040858445723371196, 'my': 0.03801948063904115}, {'and': 0.16080223013465136, 'he': 0.12231717968859662, 'I': 0.10048037363996903, 'He': 0.04526426830485118, 'they': 0.03826266413673088, 'who': 0.03766929408365012, 'it': 0.03418405515261473, 'she': 0.029362733360635922, 'which': 0.026582457301878144}, {'the': 0.5874230496374331, 'an': 0.11859523492042558, 'and': 0.060705842775779374, 'this': 0.05574756133029091, 'tho': 0.032321842766233136, 'The': 0.0305405078334725, 'his': 0.026244477448921673, 'to': 0.016081298878393855, 'of': 0.015902262226405693}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'interstate': 0.21859321771497361, 'the': 0.20815426394230002, 'of': 0.1978263088895192, 'said': 0.086331715227548, 'The': 0.04610017802584209, 'that': 0.03278562895843037, 'a': 0.03235323047249142, 'Interstate': 0.031688114688052556, 'this': 0.026548135707732737}, {'virtue': 0.07372054838507916, 'out': 0.0643582522520695, 'part': 0.03907743667416268, 'one': 0.035272612243984924, 'quarter': 0.03209168295079266, 'favor': 0.02368434909271157, 'result': 0.023120733291221517, 'guilty': 0.022440380223500818, 'means': 0.021974823725644504}, {'of': 0.18249221410593872, 'to': 0.169592059801678, 'at': 0.13080479741493123, 'in': 0.12614744099914543, 'for': 0.11681488533051361, 'and': 0.0515116018477953, 'by': 0.04699043442841179, 'from': 0.04447266046495681, 'with': 0.03957665248865393}, {'the': 0.2873926360269461, 'a': 0.08715477919890685, 'his': 0.06313580942476006, 'little': 0.05056677094421698, 'of': 0.03850212426137844, 'and': 0.031787435976057085, 'in': 0.028425690255929257, 'this': 0.02041082416140817, 'my': 0.02024569631995232}, {'and': 0.1987285690156761, 'as': 0.16672775445066004, 'that': 0.13985042896204822, 'but': 0.045041952569269926, 'even': 0.04444091271347756, 'or': 0.028196000750939764, 'And': 0.022699726654715844, 'and,': 0.01891253282683554, 'see': 0.01798240026164969}, {'out': 0.05269134967370813, 'that': 0.045321342292762086, 'one': 0.037322273117916895, 'part': 0.036788467535575534, 'payment': 0.03285548748528052, 'or': 0.02991189726690552, 'value': 0.029909985114484224, 'tion': 0.02974980054358681, 'use': 0.02806611034865625}, {'the': 0.2348742483580354, 'of': 0.0998171358834496, 'to': 0.0547452566260043, 'and': 0.049821566186533356, 'a': 0.04535772350424651, 'in': 0.03458237975736316, 'for': 0.028475705146581435, 'that': 0.017844601301201742, 'on': 0.015727881882651132}, {'the': 0.15598382291648202, 'of': 0.13249839295439794, 'on': 0.05781095271759711, 'and': 0.04990922744149641, 'to': 0.04813023097467409, 'a': 0.037189987273662566, 'by': 0.027379171408742492, 'in': 0.02045352345084192, '<s>': 0.019131526164992106}, {'the': 0.181981358815316, 'of': 0.12155842331105805, 'to': 0.0664538850550095, 'and': 0.04666645055846086, 'in': 0.021311278499736436, 'be': 0.021271935325279406, 'for': 0.019342576620121843, '<s>': 0.016258771555628507, 'a': 0.015599184547339964}, {'and': 0.1275130928540413, 'was': 0.04717467336016746, 'that': 0.03578119658411291, 'is': 0.03323685718239384, 'work': 0.024197901129785974, 'put': 0.023295004607867452, 'it': 0.022708954438072294, 'him': 0.022557257421235797, 'them': 0.022504710122334144}, {'and': 0.12075385901731327, 'Mrs.': 0.0881380376279154, 'of': 0.04608317427939361, 'by': 0.03668731572474829, 'Mr.': 0.033858815623893014, 'to': 0.032289451158460554, '.': 0.02292977216160536, 'said': 0.014992489659036557, 'the': 0.014549547120181675}, {'of': 0.29057081821287895, 'to': 0.09863538082052914, 'that': 0.0860381447998842, 'and': 0.0664040528835319, 'in': 0.04816847646881808, 'by': 0.04003650920634049, 'for': 0.039285529891928635, 'from': 0.03656622123968848, 'as': 0.030030759426626856}, {'to': 0.6266905948846967, 'will': 0.14255003793309268, 'would': 0.04373849879517152, 'must': 0.033878393993610506, 'can': 0.02914891065243508, 'could': 0.02601067826962153, 'not': 0.020967281036658576, 'and': 0.02074077608185049, 'should': 0.019609315818150595}, {'the': 0.5248379548832306, 'a': 0.09042295328679296, 'an': 0.07299097616867832, 'his': 0.05709999446204986, 'and': 0.041910133042590274, 'most': 0.040110584832227215, 'The': 0.03718640562630506, 'no': 0.036896148764534606, 'in': 0.030837222925223978}, {'and': 0.10510267766470145, 'for': 0.0875725574267105, 'as': 0.07444362249742174, 'on': 0.06493856496574782, 'of': 0.06134237446641821, 'to': 0.05497840062465132, 'in': 0.052674484185618514, 'that': 0.051165145780509735, 'with': 0.04944756564085263}, {'the': 0.34538391022647436, 'in': 0.11154262081040804, 'of': 0.06946490599401796, 'an': 0.05934074600679692, 'their': 0.0519795608365817, 'and': 0.05097877017854986, 'a': 0.044595902790608245, 'for': 0.04246897957803362, 'his': 0.040405670508711605}, {'of': 0.23559183535228542, 'to': 0.12324161975659315, 'in': 0.09702651511939912, 'by': 0.09055170120461338, 'with': 0.08916970982238653, 'for': 0.08805055286203751, 'and': 0.07389100186401314, 'on': 0.05594933399089586, 'as': 0.04216903837159361}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.13310590695488617, 'and': 0.09599803046201102, 'of': 0.06626006067344513, 'the': 0.057363251930880974, 'in': 0.02999064677835201, '<s>': 0.018724796361581583, 'not': 0.018673340510238463, 'I': 0.01627365287180914, 'by': 0.015196914619123059}, {'the': 0.2606457270126288, 'City': 0.21797675163608465, 'Common': 0.12129553397188764, 'of': 0.08636672276712153, 'Town': 0.02768916834793198, 'and': 0.02226730835095311, 'said': 0.022125039212343326, 'State': 0.016082045811884944, 'National': 0.013170919432086104}, {'and': 0.2992068361226938, 'and,': 0.09099004969440795, 'that,': 0.03138760705241713, 'which,': 0.028392932922069267, 'that': 0.025072755469240874, 'but': 0.016635456388873024, 'who,': 0.011307687306029969, 'is': 0.010350013328002132, 'year,': 0.01013019344643095}, {'of': 0.2814679415200974, 'in': 0.1340387148755339, 'and': 0.09557684654566485, 'that': 0.08969319173337312, 'to': 0.07878661425071605, 'with': 0.04456716544676989, 'by': 0.043682761505342824, 'for': 0.04017431401154376, 'on': 0.03670624304344183}, {'a': 0.34879704845782294, 'the': 0.2303385864894673, 'ballot': 0.06229588324572304, 'his': 0.031487289081809616, 'to': 0.022705174201696102, 'this': 0.020539116578051447, 'first': 0.0171571867885202, 'The': 0.016079203198692077, 'of': 0.015859021181814866}, {'of': 0.20256759351461845, 'to': 0.11142699041479631, 'and': 0.1065713292893763, 'in': 0.05983482236092214, 'for': 0.052761812189135435, 'on': 0.049665944303090716, 'with': 0.04412783419952476, 'at': 0.043954852590880854, 'from': 0.043694448373528344}, {'to': 0.565008618643416, 'will': 0.0813412511002585, 'would': 0.05618626927482564, 'can': 0.03729986938300209, 'I': 0.036229859309848886, 'and': 0.031543221044308144, 'they': 0.02970192613848179, 'could': 0.02789850573804148, 'never': 0.026903644551455323}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.15657573447876377, 'for': 0.12953982602933983, 'enable': 0.10335265383325568, 'to': 0.09449403734047829, 'from': 0.07911461915195588, 'with': 0.06860367719469555, 'upon': 0.04730036733716409, 'give': 0.0408515335793499, 'by': 0.037216153159149175}, {'the': 0.19442491530078018, 'his': 0.1474380322620141, 'of': 0.13038289458929453, 'and': 0.1017352971719862, 'their': 0.07907611022652392, 'to': 0.058883837829108936, 'my': 0.052370164391239905, 'with': 0.04864551682544399, 'her': 0.04178545631982414}, {'the': 0.2856469401522533, 'and': 0.08478578735607481, 'a': 0.07176136512183795, 'of': 0.05851779992246526, 'be': 0.034171585596949904, 'to': 0.030511544538805738, 'or': 0.02997311400152161, 'in': 0.02285153517364893, 'is': 0.022626393997720554}, {'and': 0.04175907157445451, 'miles': 0.03956518264977844, 'free': 0.03846433626049294, 'far': 0.03219223737225974, 'away': 0.03188538713447815, 'suffering': 0.025932358515943287, 'him': 0.022841349207894573, 'them': 0.02246223167953485, 'or': 0.021263296589886165}, {'as': 0.0762124885795375, 'up': 0.07030447146768705, 'came': 0.05859256755947622, 'and': 0.05497547162899998, 'come': 0.051914182928865224, 'sent': 0.038030636777517064, 'back': 0.037566604630456024, 'it': 0.03426949720379177, 'presented': 0.0303766614703709}, {'of': 0.32949850210722775, 'on': 0.18245990733303488, 'to': 0.09501667624621671, 'in': 0.09284648140656679, 'from': 0.03790548873588449, 'and': 0.03374607927959553, 'by': 0.028122042803943387, 'with': 0.024492625564346688, 'at': 0.023782067165967605}, {'and': 0.07688749805775105, 'time': 0.029749384047884308, 'reason': 0.021840713097952383, 'provided': 0.01674187347542677, 'that': 0.012077364390509672, 'day': 0.011708574709685787, 'it': 0.009893926556349934, 'money': 0.00957732571929537, 'way': 0.009560649320990077}, {'would': 0.1596401853906913, 'to': 0.14470737138339462, 'I': 0.11413360315077137, 'we': 0.09339422358581573, 'they': 0.090876529509469, 'who': 0.08495495789542398, 'will': 0.06935698587810345, 'you': 0.05330015739350552, 'and': 0.052089960905484116}, {'an': 0.7017622888101711, 'a': 0.06046679251679157, 'the': 0.05373537157691448, 'very': 0.048179801061078636, 'is': 0.0301528011310952, 'no': 0.020906422772987866, 'and': 0.020092490714535862, 'An': 0.01838747055154245, 'most': 0.014240124954141602}, {'it': 0.23818820472735477, 'It': 0.17138042518779967, 'which': 0.07538961348614388, 'that': 0.06269725286531556, 'and': 0.03983948447177099, 'This': 0.03908212254873501, 'he': 0.03407358338199543, 'this': 0.03292471081084722, 'there': 0.02893536554131192}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'hundred': 0.5227800317142479, 'dred': 0.028046409329062737, 'dollars': 0.020469810759878162, 'one': 0.01374401337106532, 'two': 0.009899844931339831, 'due': 0.00840228399534216, 'feet': 0.007946323106987193, 'three': 0.0072341916337425195, 'men': 0.006129083667615849}, {'the': 0.31412465498054853, 'of': 0.27863033006181753, 'by': 0.06732474285557136, 'in': 0.05936880196441335, 'to': 0.043703882378930026, 'that': 0.03670458585035447, 'and': 0.035931563584649474, 'which': 0.030644664865179586, 'with': 0.02330420819695354}, {'the': 0.3706958979547372, 'of': 0.1543079976497777, 'said': 0.0946843266828821, 'and': 0.051158181755812805, 'his': 0.04921431705030499, 'The': 0.03135960436003222, 'to': 0.026372338995581546, 'their': 0.022884972228478944, 'a': 0.02137910009014541}, {'the': 0.23044349587714252, 'in': 0.09436794770754128, 'of': 0.08275221402959258, 'a': 0.04490845863558078, 'and': 0.04090016872775306, 'to': 0.03219456379146252, 'In': 0.023038421583301414, 'at': 0.020697833141079154, 'tho': 0.013148127869729815}, {'the': 0.5012684505642367, 'and': 0.08448837062773869, 'such': 0.07697077305781291, 'The': 0.06737759197757616, 'of': 0.04707764167352782, 'these': 0.041810528677549814, 'that': 0.039331317955518356, 'no': 0.03638812150400396, 'all': 0.03125233249350517}, {'the': 0.1450524935836439, 'and': 0.10177379526547212, 'of': 0.07092498490510685, 'to': 0.06643859177010694, 'in': 0.043184033163470234, 'was': 0.040444756304387645, 'a': 0.037358609147802715, 'be': 0.034122654588659554, 'is': 0.024495922836782185}, {'the': 0.4542251539492667, 'a': 0.12834400151998407, 'his': 0.09338113636873145, 'this': 0.06401746505307367, 'their': 0.03553147304483656, 'to': 0.03170678235060512, 'in': 0.031169609866458073, 'tho': 0.030496243419021678, 'its': 0.0289261384909961}, {'and': 0.17098538921462048, 'a': 0.12533514313996275, 'the': 0.1225655463083801, 'in': 0.10156591692279536, 'his': 0.05792270942360393, 'of': 0.05288258345703764, 'to': 0.04685464813089435, 'their': 0.0467067263187865, 'or': 0.034901753434748314}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'of': 0.16152600580886559, 'is': 0.147306999932541, 'was': 0.11156610527852708, 'in': 0.09440900882418987, 'and': 0.0808502841132239, 'as': 0.07496012397667952, 'with': 0.0635009095874005, 'be': 0.06017162305396996, 'such': 0.058514068895031045}, {'he': 0.16648995371542596, 'and': 0.1432823484716243, 'I': 0.0928361897684906, 'be': 0.06902063344385384, 'they': 0.04768615850605577, 'have': 0.043118618713604735, 'He': 0.04213178376438499, 'who': 0.039824500954612034, 'she': 0.03485414227340325}, {'in': 0.26968401032501504, 'of': 0.2443216634919652, 'to': 0.09016470986890535, 'and': 0.07241680514193169, 'In': 0.059796782217637116, 'for': 0.042824599620484835, 'that': 0.04157747330795357, 'by': 0.037905869271880804, 'on': 0.03496723954023016}, {'of': 0.1745903547924781, 'and': 0.062545785636994, 'by': 0.047932680878603105, 'to': 0.04213957607619959, 'in': 0.03358565347160359, 'with': 0.02705891100393954, 'that': 0.02506642968810629, 'from': 0.02091232356765898, 'for': 0.017053391205878524}, {'and': 0.09752440518315296, 'was': 0.07505439927612843, 'be': 0.04667698952073367, 'stay': 0.03744842138623835, 'them': 0.03500345629260543, 'him': 0.03478404161419679, 'is': 0.030940518300190376, 'were': 0.029012877684050024, 'are': 0.02813509136200957}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'of': 0.212871520826713, 'on': 0.12537255830981014, 'to': 0.11807314154479384, 'in': 0.1091992599085226, 'for': 0.06211852313899732, 'with': 0.058548702104361375, 'and': 0.057219461185049995, 'from': 0.05281138160231193, 'at': 0.041646383379272095}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'the': 0.27468183268278884, 'and': 0.2035102319135406, 'a': 0.09493152614782017, 'that': 0.040036178987871415, 'The': 0.03971801304375077, 'of': 0.03670297648926009, 'his': 0.03496178017520825, 'these': 0.02738532593341732, 'I': 0.023524627644189746}, {'and': 0.14217205123722543, 'together': 0.07132494067823368, 'connection': 0.02928109150548909, 'do': 0.02616505859009578, 'covered': 0.025539216243620703, 'them': 0.0252711566828425, 'compared': 0.021977926055717772, 'him': 0.021868808801048845, 'but': 0.021501601628789207}, {'daughter': 0.09124150428314616, 'motion': 0.052278878349620535, 'one': 0.04210616323274132, 'son': 0.039719897574364525, 'part': 0.037378618888088466, 'residence': 0.0349470820325712, 'that': 0.031249753142298962, 'out': 0.028444418561708023, 'name': 0.024282287686391565}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'the': 0.12615023784459545, 'and': 0.10334656539969754, 'of': 0.08918225443406907, 'as': 0.0885708155318133, 'a': 0.04939048978612766, 'to': 0.04235721115572684, 'be': 0.03390331867972983, 'such': 0.028965747484619584, 'in': 0.028103276685770867}, {'the': 0.23996879689887518, 'of': 0.09148745014697217, 'and': 0.08721421202774918, 'a': 0.060634157678377106, 'The': 0.0350077359279617, 'Mr.': 0.024911958255803616, 'to': 0.022235511568291955, 'in': 0.019908902507206096, 'his': 0.01651928058907712}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {';': 0.034652744579186046, 'and': 0.014911551161089913, 'him,': 0.01207312959289828, 'them,': 0.009882985305416687, '<s>': 0.006756222582598039, 'it,': 0.00624478786576499, ',': 0.005826975461437306, 'day,': 0.0055074435103771345, 'years,': 0.005015139569810674}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'.': 0.07055327586501292, 'of': 0.06569031333813168, 'and': 0.05868324440433754, 'the': 0.04846466540938357, 'Mrs.': 0.03473155511925816, 'to': 0.028966198366313728, 'S.': 0.025239745773322025, '<s>': 0.021127427686255782, 'by': 0.020317304458218447}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'day': 0.4514309388620989, 'State': 0.06509347385837097, 'state': 0.0207432532655938, 'city': 0.01633922774679006, 'dav': 0.01578427360279856, 'County': 0.01214872282193395, 'place': 0.011028702312387938, 'side': 0.010627778695822434, 'City': 0.009958828652726813}, {'the': 0.3939715920395299, 'a': 0.12002010282092088, 'and': 0.1122924027256031, 'to': 0.04197902909247754, 'his': 0.03997433616484824, 'of': 0.03979010901578968, 'this': 0.03283832198991177, 'will': 0.0290332741701473, 'that': 0.02847927756963522}, {'it': 0.19256547551267225, 'he': 0.11814036058737058, 'and': 0.07080681033392527, 'It': 0.07003576756998917, 'who': 0.0699152291015314, 'they': 0.06887196828193567, 'I': 0.060736730271527185, 'which': 0.053360177769022125, 'we': 0.03503241241721378}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'and': 0.07345160816522622, 'that': 0.029703250691887666, 'was': 0.02594311745103282, 'men': 0.02264961117957142, 'be': 0.020218090058060703, 'situated': 0.01859500039452717, 'now': 0.01789861742784068, 'made': 0.017846413474974784, 'them': 0.016767583671976092}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'that': 0.36162167915010784, 'if': 0.09445825010733588, 'as': 0.08956908862994503, 'which': 0.08330385249382394, 'and': 0.06537648637844805, 'where': 0.05441305268997308, 'when': 0.04530871038793509, 'what': 0.038541646786289296, 'but': 0.03521365324360885}, {'and': 0.10875907706412513, 'to': 0.08614113119108828, 'of': 0.07815244228866491, 'the': 0.06935437916375181, 'in': 0.032041021560842875, 'be-': 0.031649775157493794, 'that': 0.024856014150232, 'was': 0.023202494258437373, 'for': 0.021293688566843005}, {'be': 0.26227983922575343, 'was': 0.19592238328016576, 'been': 0.1106094303284812, 'is': 0.077953994140115, 'were': 0.047080085736461635, 'and': 0.0450330157487076, 'being': 0.04499347336590393, 'are': 0.03208701615959477, 'bo': 0.018057757682940608}, {'to': 0.1642134788994491, 'will': 0.06641993629487007, 't': 0.06311107087190515, 'that': 0.048424843654623344, 'would': 0.04524181618375842, 'and': 0.04494422764735994, 'I': 0.03482518756574856, 'may': 0.030199577654719086, 'which': 0.023950460328769116}, {'and': 0.25851315511074263, 'is': 0.11723348662497562, 'are': 0.08665079882512813, 'was': 0.08421005749408426, 'I': 0.03964207280806928, 'were': 0.03247435479508882, 'will': 0.024107219553208825, 'not': 0.023346178473233014, 'be': 0.023219786450544146}, {'the': 0.37454103824367685, 'of': 0.13445774194517787, 'and': 0.06386683965219259, 'by': 0.055259426427184385, 'to': 0.052637344114282045, 'Attorney': 0.037175604924697854, 'that': 0.03656658004948247, 'Postmaster': 0.03618259234803846, 'The': 0.03095727235748217}, {'to': 0.1181811393133391, 'and': 0.09283237628661953, 'the': 0.08034381556050056, 'of': 0.07116636697285403, 'a': 0.027571537606502564, 'in': 0.02590345915522429, 'at': 0.023491919687779746, 'for': 0.020289566707140327, 'I': 0.020087123300616874}, {'the': 0.15583668376095067, 'of': 0.11540601038098995, 'and': 0.10191316056988721, 'to': 0.04353163453817152, 'in': 0.03407397949959528, 'for': 0.025903633900364882, 'that': 0.020759682831543554, 'with': 0.01849063393214256, 'was': 0.018176965855048695}, {'the': 0.23808296554030023, 'of': 0.10526097219779013, 'and': 0.10447621765374518, 'The': 0.0711127721270264, 'that': 0.025498324122051934, 'his': 0.017250878306762633, 'tho': 0.015326878661271586, 'these': 0.014264902931214487, 'to': 0.014219550608288993}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'number': 0.04735447057508733, 'out': 0.034883444955679244, 'day': 0.025021157641973626, 'one': 0.022697357419970685, 'and': 0.020511399427990913, 'tion': 0.01991248095707187, 'part': 0.01816529177589187, 'time': 0.018034012161145117, 'that': 0.017882120388558364}, {'and': 0.13504377308328575, 'or': 0.0565496574688556, 'be': 0.035461290610306, 'is': 0.035390115434902655, 'not': 0.03493386973873023, 'them': 0.03364565059093805, 'made': 0.031254266153665694, 'but': 0.03069739300329556, 'that': 0.02977166436243582}, {'to': 0.42512334374461563, 'the': 0.12430720845893233, 'and': 0.10576434165770564, 'of': 0.06992717870990524, 'will': 0.05709588663582934, 'would': 0.032297648996656846, 'his': 0.031351377365503266, 'a': 0.029763694206691643, 'or': 0.022918576641954312}, {'of': 0.26468218624856427, 'on': 0.15608283105333742, 'to': 0.14033307737270284, 'and': 0.08076101456734186, 'in': 0.06588492042880503, 'by': 0.04616518192702096, 'that': 0.0453630641382038, 'with': 0.04012258043631719, 'from': 0.0365527357073751}, {'of': 0.33836599633290004, 'to': 0.12337808579471671, 'in': 0.1058398974930908, 'with': 0.054779606249612194, 'and': 0.054761555491342595, 'that': 0.0524878994738308, 'for': 0.04633855083487668, 'at': 0.045246440200186464, 'by': 0.04455591122573949}, {'the': 0.1513692330228959, 'of': 0.12433509948370866, 'and': 0.08301693898634165, 'to': 0.08078937055588627, 'by': 0.039083880708542955, 'for': 0.03211691701933853, 'in': 0.02634841796535125, 'that': 0.021532136949245325, 'at': 0.021126912246140404}, {'the': 0.19594897074775008, 'of': 0.09559834843553754, 'a': 0.06300404331599281, 'and': 0.048027744553216276, 'on': 0.045988859246175275, 'in': 0.045638256443722845, 'to': 0.025318707526120064, '<s>': 0.019542159948709104, 'at': 0.017837455217808426}, {'for': 0.1460183341993062, 'to': 0.1443966597061473, 'with': 0.12219747163428203, 'from': 0.10664106366911985, 'by': 0.06867144184128876, 'of': 0.06548236999982182, 'upon': 0.06395906656124024, 'at': 0.03898819159854519, 'on': 0.037314251069666474}, {'of': 0.4209862166431745, 'on': 0.14003327646705047, 'in': 0.09179689134785055, 'and': 0.0689393833573538, 'to': 0.057403082051796187, 'that': 0.04798483785690183, 'from': 0.03379699222565055, 'by': 0.02971250817519984, 'for': 0.02562362417072486}, {'the': 0.3391705898913594, 'an': 0.29339500911610433, 'this': 0.09981876881427786, 'The': 0.060616309021907795, 'any': 0.05350012058221384, 'An': 0.0259258454170561, 'every': 0.0215028040620794, 'that': 0.021016654982596843, 'tho': 0.019215468590392287}, {'of': 0.13949151579056535, 'the': 0.10748375393323226, 'and': 0.07700041282531521, 'to': 0.06366368285098639, 'in': 0.027303506809992602, 'a': 0.023055653664974435, 'or': 0.021985302811567076, 'that': 0.021874702112128407, 'at': 0.021672740943119554}, {'of': 0.3584979328863274, 'for': 0.1281508989392636, 'in': 0.1061893425808245, 'to': 0.08425237316490491, 'that': 0.07029723002771315, 'by': 0.05161434440972807, 'and': 0.04551765611407807, 'during': 0.03371073841502764, 'at': 0.02650721401796781}, {'of': 0.32543035591537206, 'on': 0.12779568897924884, 'to': 0.12425808630394383, 'in': 0.12059302464700479, 'by': 0.07372180935287222, 'from': 0.04089007148287395, 'and': 0.033694933988878545, 'that': 0.030128574496871292, 'with': 0.029649687889470342}, {'have': 0.20859481952844308, 'I': 0.15592384184083555, 'has': 0.1281928352110315, 'he': 0.10560600676497428, 'had': 0.09851619083505622, 'and': 0.0755440552784931, 'He': 0.044095824322146634, 'not': 0.03613875138836125, 'they': 0.030809623082955352}, {'and': 0.13342696053855135, 'was': 0.06508052149557739, 'is': 0.061203805062005574, 'are': 0.03747336920330873, 'be': 0.031876207253137515, 'it': 0.025066145945089286, 'that': 0.02415321970319959, 'been': 0.022993725733248448, 'succeeded': 0.022638014480604183}, {'number': 0.2507976320338401, 'thousands': 0.048147230739517315, 'amount': 0.037187410042763214, 'out': 0.03490164181215276, 'hundreds': 0.03282834531728509, 'sum': 0.03245768526593753, 'bushels': 0.026386052028154885, 'one': 0.026128659630485912, 'men': 0.022825569988867648}, {'the': 0.7064537759374603, 'this': 0.0733184018614262, 'tho': 0.028603573783215715, 'The': 0.02521992300150412, 'said': 0.0202257585889845, 'that': 0.01945764508092859, 'our': 0.018676970628040676, 'whole': 0.016722093130005267, 'and': 0.01507283768583415}, {'of': 0.3929318030216215, 'to': 0.13912118035152182, 'in': 0.08420534653538866, 'by': 0.08062240872765049, 'and': 0.057893192383262286, 'on': 0.03920159700373927, 'that': 0.03744830585524953, 'at': 0.03644886980938467, 'from': 0.0354494795182602}, {'time': 0.020931204703669395, 'in': 0.013690657731174569, 'one': 0.012981265885233026, 'costs': 0.01246003022219378, 'out': 0.009428701798507097, 'new': 0.00908147834990832, 'a': 0.008903694811536076, 'each': 0.008880798203720633, 'power': 0.008858344691380428}, {'and': 0.1887086741858015, 'was': 0.059468878598339735, 'is': 0.04280034143989412, 'are': 0.035907329146608775, 'that': 0.03360161529705716, 'be': 0.031953436323112636, 'not': 0.02926744798126931, 'but': 0.023642149193459593, 'were': 0.02322255504476416}, {'J': 0.03425879298507034, 'I': 0.032182744628416984, 'A': 0.030349273129876144, 'S': 0.029981354591059682, 'M': 0.02964879615848772, 'm': 0.02895839467496054, 'W': 0.028254438824106054, '.': 0.027430725863279933, 'and': 0.026688206480514252}, {'and': 0.1596857509036848, 'the': 0.1318844079852892, 'to': 0.10733703381387724, 'of': 0.08480981818876678, 'or': 0.0432257752813738, 'in': 0.03062213615243316, 'a': 0.02747018554990853, '<s>': 0.020954345550863288, 'on': 0.020440398623341023}, {'and': 0.09373567240246293, 'depend': 0.03836338004663328, 'based': 0.03824772294080833, 'placed': 0.037658878880170873, 'depends': 0.03741630306694303, 'called': 0.03668431560508889, 'down': 0.03262298769122071, 'made': 0.03233144866418736, 'effect': 0.02839860992487969}, {'the': 0.12536321778065443, 'of': 0.07074414922895336, 'and': 0.06663694525719804, 'to': 0.04706968428743346, 'be': 0.03970892575083226, 'a': 0.03552076621326602, 'was': 0.02629714974341439, 'their': 0.022389826767194306, 'in': 0.02035385872560601}, {'is': 0.15708759819861373, 'was': 0.14865414026805587, 'be': 0.12052932298091784, 'and': 0.06872881484102268, 'had': 0.060758048755041205, 'been': 0.05869149872217532, 'have': 0.05576871966708996, 'are': 0.053969476208247345, 'has': 0.04620806353338345}, {'they': 0.17135094743510404, 'there': 0.09196004937213148, 'who': 0.07670471436420151, 'we': 0.05958066477552749, 'which': 0.05535378665839098, 'and': 0.0449738279316088, 'They': 0.043758360471879205, 'men': 0.04194515507081567, 'There': 0.03567535990660787}, {'of': 0.2835172914307245, 'the': 0.13310775496338825, 'in': 0.09759489035502888, 'and': 0.09466680459245604, 'his': 0.07999853586040656, 'to': 0.07257139352236558, 'for': 0.06253303519868143, 'their': 0.05355175508591354, 'or': 0.050950907451030654}, {'the': 0.23695441856921332, 'his': 0.226505929662572, 'such': 0.1672905588759479, 'their': 0.07446576263552518, 'my': 0.05942058775093027, 'of': 0.05719683932345809, 'and': 0.03327960467352864, 'our': 0.024262845195545137, 'its': 0.02317057628313519}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'of': 0.3039846388719168, 'that': 0.11543988370169743, 'and': 0.10813144865063153, 'to': 0.08693774609387336, 'by': 0.0734655743921174, 'with': 0.05413401776151624, 'in': 0.03999632406331274, 'for': 0.03111345073910902, 'as': 0.02851461269323297}, {'to': 0.7033544796276258, 'will': 0.05617897280675041, 'and': 0.05147113481003484, 'would': 0.024086869315806926, 'can': 0.022963471711159422, 'could': 0.021421217919706317, 'shall': 0.019745228097240254, 'not': 0.01737580105247446, 'may': 0.01646180352096974}, {'he': 0.1567544532543673, 'who': 0.1113964501232211, 'which': 0.0990784154274578, 'they': 0.08224332976568315, 'it': 0.07610300502660913, 'that': 0.0648251738952421, 'I': 0.052608625393135565, 'there': 0.04462407111357327, 'she': 0.04310565680315067}, {'it': 0.1999007778879279, 'It': 0.13333329881840514, 'he': 0.11333357409285945, 'which': 0.07475629919691718, 'and': 0.04046408471702589, 'He': 0.03845126072123269, 'I': 0.03741673734547018, 'that': 0.03226211914958084, 'she': 0.022412803019596212}, {'is': 0.05659267095296963, 'nothing': 0.031595364485347985, ';': 0.027071290561201177, 'was': 0.018466192544152507, 'and': 0.018437798053977834, 'it,': 0.01185546140364395, 'are': 0.011495152782010885, 'to': 0.010630208792334762, 'him,': 0.009491300305809998}, {'the': 0.5294883787435303, 'a': 0.0490625137068658, 'The': 0.04658503566730851, 'tho': 0.04409320750127075, 'of': 0.038419920851924395, 'said': 0.03476201096933912, 'and': 0.03466979842482429, 'his': 0.024442273293437723, 'tbe': 0.02247197661240516}, {'he': 0.21489713415065373, 'I': 0.16871596536290864, 'and': 0.12320767388906183, 'they': 0.05483983303994408, 'she': 0.049396434394425814, 'He': 0.04846988041360909, 'we': 0.04086472213495649, 'who': 0.03174351877554928, 'then': 0.031252745262272674}, {'the': 0.2086466367302135, 'a': 0.10901657330138655, 'of': 0.08032621199917732, 'and': 0.07556264033411758, 'to': 0.050334020411855765, 'The': 0.02690047708813914, 'at': 0.023389498690783536, 'Mr.': 0.02317430476740369, 'in': 0.02193729670957866}, {'the': 0.09845762818036681, 'of': 0.09285483899543513, 'and': 0.06381417659644292, 'a': 0.06247776395013821, 'to': 0.03649534314953101, 'on': 0.021090771443200207, 'in': 0.01869494258218904, '<s>': 0.015656859245658666, 'be': 0.01514833439652558}, {'of': 0.555255226383508, 'in': 0.1421676977524776, 'to': 0.07323421726302883, 'by': 0.05882628329192138, 'In': 0.030764441623925613, 'from': 0.025925437085689153, 'that': 0.02559698099416314, 'for': 0.02230903694713729, 'and': 0.021535907479173094}, {'feet': 0.10515894444041, 'up': 0.03915199199435914, 'down': 0.037108057876350624, 'according': 0.03178490673150839, 'chains': 0.030278699481155823, 'and': 0.027284256707740314, 'went': 0.026017162362248034, 'back': 0.023500016969837043, 'time': 0.023041706466201822}, {'Mrs.': 0.17400468221221096, 'of': 0.05596120558608755, 'said': 0.03813740230528429, 'and': 0.03710216478312478, 'Miss': 0.03387637983496331, 'Sir': 0.03365137669999122, 'to': 0.027699593920005573, '.': 0.02663447179745827, 'Mrs': 0.025913146930908095}, {'of': 0.27530920968359496, 'in': 0.26619528941161447, 'to': 0.09765995582958253, 'and': 0.05549669471389529, 'all': 0.04186877029360923, 'In': 0.0413989490963929, 'for': 0.03590478488894243, 'from': 0.03334618759236139, 'at': 0.02240967888113191}, {'is': 0.2085684212667654, 'was': 0.17094329501440092, 'so': 0.161786457479458, 'be': 0.10732510114243828, 'been': 0.09215733040701575, 'are': 0.07469669240171423, 'and': 0.038517441357338554, 'were': 0.03135287456660843, 'not': 0.027962348694171725}, {'the': 0.18887321428391501, 'and': 0.12038139948084994, 'a': 0.07414192148004548, 'of': 0.06856568445007534, 'to': 0.05093092498204985, 'in': 0.02576020027270431, 'be': 0.018920355062445986, 'as': 0.014994464642722386, 'they': 0.014359820990219008}, {'number': 0.09201213158295295, 'line': 0.04995557024798912, 'quarter': 0.031341618959725794, 'Board': 0.024646370934456235, 'thousands': 0.02289464248400353, 'board': 0.02279047183223026, 'out': 0.02068580730304276, 'amount': 0.01982613738088742, 'piece': 0.01934976099642805}, {'a': 0.4208433825376577, 'the': 0.10832174038657165, 'no': 0.0758021786353885, 'great': 0.07025664413109436, 'good': 0.05744927254646478, 'this': 0.05627455078163534, 'any': 0.04463725538663698, 'and': 0.03907312994665185, 'his': 0.031125332240789033}, {'of': 0.24650524593242093, 'in': 0.12066210656899777, 'about': 0.11242182918549799, 'for': 0.08292905252841377, 'within': 0.0776704026111402, 'the': 0.07698369123868971, 'and': 0.0563210344603756, 'In': 0.045414967866382994, 'than': 0.04232593257693249}, {'of': 0.3169339328725277, 'in': 0.11748701321473594, 'to': 0.11303221345505396, 'on': 0.08551168981553008, 'and': 0.08126409621595919, 'that': 0.06644264179459095, 'with': 0.04483528145598348, 'upon': 0.044351096460253224, 'for': 0.043018331843320934}, {'the': 0.060690384309332886, 'and': 0.04855040773418232, 'have': 0.0325026045959464, '<s>': 0.03184454334687232, 'had': 0.023612485553898582, 'has': 0.014569810419644363, 'of': 0.014487445470144085, 'I': 0.013781291078153918, 'which': 0.013238482412070445}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'do': 0.15697913041071918, 'if': 0.15629665533756015, 'If': 0.11083263516333423, 'that': 0.08605209472630396, 'when': 0.07603989610272228, 'and': 0.06450356528809242, 'Do': 0.0607762120154315, 'did': 0.05169778962113404, 'as': 0.03700020761864984}, {'the': 0.18746159996853795, 'Mr.': 0.103841243232729, 'of': 0.0797174731169439, 'and': 0.05866417023908593, 'a': 0.05717834282278568, 'to': 0.02768275875039683, 'The': 0.025946706166042468, '.': 0.0240553292079282, 'was': 0.021110205515986063}, {'the': 0.30477351406595976, 'in': 0.14108008347969517, 'of': 0.11081356763941105, 'their': 0.05969704714785883, 'his': 0.05374433004597891, 'and': 0.04814386549725893, 'a': 0.04378732433229555, 'this': 0.04337144974063881, 'In': 0.03511094203293408}, {'the': 0.22987299972561145, 'of': 0.1946224944118947, 'and': 0.11748703579854902, 'a': 0.08300863077378567, 'their': 0.06786040251381585, 'with': 0.0473057260950921, 'his': 0.0459863069579255, 'its': 0.027599484160803333, 'an': 0.023966989767883196}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'to': 0.2541912427154328, 'not': 0.25412918964654396, 'I': 0.14181491724336018, "don't": 0.07848062227366644, 'you': 0.07668089871968567, 'we': 0.05010574391398154, 'We': 0.03614884970791744, "didn't": 0.03366358158734043, 'and': 0.03335767967886709}, {'of': 0.274258656995628, 'the': 0.10625867623991665, 'and': 0.06569406502204672, 'to': 0.06427945249456889, 'at': 0.055473861549788006, 'by': 0.03254971513340185, 'for': 0.024307044801848893, 'with': 0.023470662715533955, 'in': 0.022606221984407947}, {'was': 0.12631138615206325, 'be': 0.10266810813860829, 'is': 0.07420773416236255, 'been': 0.07103546083671229, 'of': 0.06873792284646085, 'the': 0.06583378673213507, 'and': 0.0648537349397784, 'were': 0.04321197092599776, 'are': 0.04158487742116568}, {'the': 0.23909692747659228, 'of': 0.1793534999255728, 'for': 0.07817154127470051, 'in': 0.07779436946329224, 'and': 0.07167690713317243, 'to': 0.04139730283225914, 'all': 0.03585367793245053, 'with': 0.022767339500909377, 'other': 0.015429308744411833}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'number': 0.0719280021265416, 'out': 0.06191696753232435, 'sum': 0.03226142733751507, 'amount': 0.028055764573452005, 'one': 0.027152767125947302, 'years': 0.02483954789209388, 'that': 0.02413096281402657, 'matter': 0.023819672741705867, 'and': 0.02190032091739241}, {'it': 0.1287963170414003, 'and': 0.09382064273927197, 'I': 0.08167121455565032, 'he': 0.07139761388096172, 'which': 0.06534136898123372, 'they': 0.06511172118893509, 'It': 0.053085710665349214, 'that': 0.048711865882483496, 'you': 0.04430258796247953}, {'one': 0.17827810697175114, 'three': 0.11283040788096199, 'five': 0.10258778566476222, 'two': 0.09509106388117174, 'a': 0.08101878968600616, 'six': 0.07431985204887928, 'four': 0.06540104831395706, 'eight': 0.05411732731613057, 'seven': 0.0398055475507569}, {'of': 0.4523099092415686, 'to': 0.08171021470542389, 'in': 0.07400636987154614, 'by': 0.05847987463561825, 'and': 0.05698413257826136, 'on': 0.05077114393945435, 'that': 0.04398117184917188, 'In': 0.03865157009770423, 'from': 0.02968216131052902}, {'to': 0.5261291490828713, 'will': 0.14330338483546748, 'not': 0.06197296120106929, 'would': 0.06159205635593189, 'and': 0.05294986303163699, 'shall': 0.025943888593172582, 'may': 0.025276942499765278, 'can': 0.024147035976824476, 'could': 0.023964621288983325}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'of': 0.19361836743985908, 'the': 0.15373880927552783, 'to': 0.07907561985946107, 'a': 0.07400885028773815, 'in': 0.07331375688101904, 'and': 0.05247834222871816, 'at': 0.02508093287252985, 'for': 0.024369025477810786, 'with': 0.023765020279680606}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'the': 0.13011533697112151, 'of': 0.09946304897072686, 'and': 0.08688330981864831, '.': 0.037213275542249145, 'to': 0.03345402101651782, '<s>': 0.026368478789260255, 'by': 0.02470417852013028, 'a': 0.020458061209174063, 'The': 0.017241065104273715}, {'an': 0.4673049490576084, 'the': 0.15550598443773986, 'of': 0.12733334851380348, 'in': 0.04220764008421046, 'to': 0.02989039167251946, 'and': 0.028484396267877923, 'An': 0.02801342504987499, 'The': 0.025208128786087424, 'a': 0.0163778561900593}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'and': 0.10144557375495386, 'him': 0.06012505236278063, 'was': 0.040826491110174966, 'man': 0.035069640036815085, 'it': 0.03375211042846046, 'up': 0.023864587190938164, 'that': 0.02370642566638079, 'found': 0.02079136423372986, 'made': 0.020428510347646856}, {'and': 0.09409013671688639, 'the': 0.09092348278023903, 'of': 0.07795322244868408, 'to': 0.07230752574642492, 'be': 0.04581289888453343, 'was': 0.03877851053891852, 'is': 0.03449992903620617, 'in': 0.02646521632156226, 'for': 0.021249067459580214}, {'of': 0.21395967346026287, 'in': 0.13373211042893818, 'to': 0.12743774434380298, 'at': 0.11853626282495892, 'for': 0.11536132059358135, 'with': 0.05907970018023079, 'from': 0.046573402458479594, 'on': 0.04648257430276079, 'by': 0.042753935929897284}, {'and': 0.19523944112260705, 'is': 0.13107513834450343, 'was': 0.11433948925121448, 'the': 0.07645150953075089, 'so': 0.0671257535598895, 'are': 0.06670246092768291, 'be': 0.06272222421274867, 'to': 0.04278089001953143, 'as': 0.04176677479325894}, {'a': 0.19385574640219627, 'the': 0.1931987253590229, 'is': 0.15481976406710637, 'was': 0.10183326251017417, 'are': 0.07426214509377352, 'be': 0.07387258339196492, 'not': 0.03745857823919357, 'been': 0.033487783139798735, 'were': 0.03297294231913974}, {'the': 0.47517720779280564, 'an': 0.1005979666063796, 'and': 0.057159432234449754, 'sufficient': 0.05318959351930063, 'large': 0.045134253146628105, 'this': 0.04321423183580878, 'that': 0.03772942471025911, 'to': 0.03628155686215643, 'a': 0.03548075514566722}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'<s>': 0.04078349907499485, 'it.': 0.03599374847726457, 'them.': 0.017525386351808395, '?': 0.0147608277931104, 'him.': 0.012138863642382107, 'me.': 0.009743698930361077, '.': 0.009709206342804538, 'her.': 0.009236491999474742, 'you.': 0.008721339858365382}, {'of': 0.14170959573876357, 'in': 0.1331690312982617, 'for': 0.09723748587892236, 'to': 0.0810201494859798, 'with': 0.07642968479157189, 'as': 0.06047158611444525, 'and': 0.04939430633848178, 'was': 0.044309533611112034, 'is': 0.041587419744942004}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.11351219044727526, 'and': 0.08604483638809167, 'of': 0.06776366009844341, 'to': 0.047136723892506144, 'in': 0.024338160658430526, 'that': 0.02193473756605346, 'said': 0.021559305887873692, 'for': 0.019918362359278432, 'his': 0.019758196558086426}, {'of': 0.36553038171701496, 'in': 0.3322781418836391, 'In': 0.061690368022610235, 'to': 0.05784244225151997, 'on': 0.04338880456330557, 'for': 0.0315441961224973, 'from': 0.03148635719286946, 'by': 0.023498358644787373, 'into': 0.01721503003241816}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.49655224279047266, 'a': 0.10817227079149713, 'of': 0.06987376242392791, 'tho': 0.04330204763877138, 'his': 0.03204909200748924, 'The': 0.02622475755563104, 'our': 0.020450906008774236, 'tbe': 0.01715660936019207, 'and': 0.014450156078574533}, {'and': 0.10974439258156364, 'do': 0.06757291759360289, 'is': 0.051706096658997606, 'was': 0.04361607338866781, 'not': 0.026040827811126533, 'And': 0.025816333418209846, ';': 0.023050748454013396, 'are': 0.02082096170024577, 'be': 0.01914335697136732}, {'a': 0.10510877730057046, 'fel-': 0.10072406163696743, 'as': 0.08129000329104248, 'is': 0.07138709430909666, 'and': 0.0571965700881907, 'the': 0.05536582539425435, 'of': 0.053185105899446014, 'be': 0.05201797806891747, 'fol-': 0.04651892870298543}, {'so': 0.1520190958885938, 'of': 0.12911571027295962, 'in': 0.10402363978875757, 'and': 0.09501788290705557, 'as': 0.09220094673200446, 'the': 0.08619215145300234, 'for': 0.08189366169340216, 'with': 0.06026078521647525, 'great': 0.05430306152509042}, {'that': 0.1615723164927118, 'which': 0.10337403116124738, 'and': 0.10048636655136303, 'will': 0.07184261410854584, 'when': 0.07021963020514403, 'to': 0.06929983856850902, 'would': 0.06790575602140982, 'should': 0.04884168075438149, 'as': 0.04364299075178008}, {'the': 0.4936552449557831, 'a': 0.19698700519881737, 'The': 0.05907811249392751, 'to': 0.04851528683752696, 'and': 0.030568204006903306, 'tho': 0.02180470732853702, 'no': 0.02168767072357161, 'of': 0.01522286884578868, 'tbe': 0.010302797371350989}, {'w': 0.3570711784321956, 'the': 0.1344040751061934, 'and': 0.08132369498667869, '\\\\\\\\\\\\\\\\': 0.05599860395042658, 'a': 0.03727883720156905, 'of': 0.026064317428894507, 'The': 0.016387199451801417, '<s>': 0.012726193218912286, 'im-': 0.011832851760780843}, {'of': 0.283787679624778, 'in': 0.09781597807527057, 'and': 0.09469451479602672, 'to': 0.08263293383097109, 'for': 0.06872674071209953, 'with': 0.0654098003716795, 'that': 0.06097314628102572, 'on': 0.04890236858173033, 'is': 0.03903551989726028}, {'and': 0.09447373085451956, 'well': 0.09097175510082552, 'regarded': 0.05638934244933375, 'known': 0.042275659887621955, 'such': 0.041732000616977995, 'soon': 0.03764998513016508, 'much': 0.03147330807182127, 'just': 0.03006722592779191, 'him': 0.028135955534442352}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'the': 0.09493492212171668, 'of': 0.08737991416616754, 'and': 0.07059190628583319, 'a': 0.03438848608543219, 'to': 0.025112457351523697, 'in': 0.022286098400779875, '<s>': 0.0219828286346231, 'for': 0.016365975749954905, 'be': 0.016101331028970378}, {'the': 0.29770742487368335, 'of': 0.0941413093379828, 'a': 0.06915446092793927, 'and': 0.06466495115070871, 'to': 0.038250794504347915, 'in': 0.0314600161409031, 'or': 0.022309963485709423, 'tho': 0.01946717173268443, 'be': 0.018491645726163963}, {'of': 0.3584979328863274, 'for': 0.1281508989392636, 'in': 0.1061893425808245, 'to': 0.08425237316490491, 'that': 0.07029723002771315, 'by': 0.05161434440972807, 'and': 0.04551765611407807, 'during': 0.03371073841502764, 'at': 0.02650721401796781}, {'the': 0.33390660615623763, 'of': 0.20635550360073524, 'The': 0.14161681640343768, 'and': 0.052597127651908035, 'a': 0.04449908508838669, 'in': 0.03346650274493107, 'that': 0.02747031271142691, 'his': 0.02633136945331344, 'tho': 0.02305963464305162}, {'one': 0.05865100379462641, 'out': 0.042257868099923844, 'part': 0.037204960803103, 'that': 0.029521761876965986, 'and': 0.026446081221514088, 'some': 0.0213473348580938, 'all': 0.017762110068587706, 'many': 0.014661289582415233, 'people': 0.014606376297730681}, {'in': 0.4179052012473315, 'on': 0.2627647860381992, 'In': 0.13648204914154796, 'of': 0.04776856354284251, 'the': 0.042250464703187995, 'On': 0.029240886992127024, 'and': 0.010064131800682084, 'iu': 0.009745415063389034, 'from': 0.006318029088868805}, {'of': 0.1859738027718667, 'is': 0.12199049710784196, 'with': 0.11031376548440545, 'to': 0.10803955416140028, 'in': 0.08705515053907353, 'was': 0.08038832983009105, 'as': 0.07409206455620558, 'and': 0.06071579152054004, 'by': 0.06041835465721042}, {'be': 0.21912726002836636, 'was': 0.14021539462568508, 'have': 0.11127589972303356, 'had': 0.09963630727590587, 'has': 0.0975328590736034, 'been': 0.08846953021177253, 'is': 0.06277311094698855, 'not': 0.05113043028504018, 'he': 0.035878395089295}, {'the': 0.7314756890557985, 'and': 0.04917997841638174, 'The': 0.045494629708567984, 'tho': 0.03917725508657666, 'as': 0.03560827246810032, 'tbe': 0.01278082174478801, 'a': 0.010719969827288508, 'an': 0.008506036161352825, 'or': 0.008360057695231266}, {'of': 0.09383890364383175, 'to': 0.043115213107313956, 'and': 0.0425759027021775, 'with': 0.03741356357492987, 'in': 0.03539007812495493, '-': 0.03215100361569629, 'is': 0.02778987329198133, 'was': 0.02745074554793773, 'for': 0.026398994626089398}, {'a': 0.6285079000583766, 'the': 0.17257893367048374, 'of': 0.0560696564871713, 'this': 0.034091688645142955, 'in': 0.015168240917899001, 'any': 0.014583969847415905, 'and': 0.014243657173043075, 'our': 0.013245910444224613, 'A': 0.011595343384949981}, {'a': 0.30275960512981737, 'the': 0.18934022322716723, 'and': 0.11048361964428254, 'of': 0.10545165280212422, 'in': 0.03807777699128283, 'no': 0.03498994459900312, 'for': 0.03394213278419411, 'with': 0.028649733510365816, 'or': 0.027913348993497983}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.4100377171820579, 'of': 0.1883702262932021, 'a': 0.10491899732331013, 'and': 0.043760704165206804, 'to': 0.0281514930172965, 'tho': 0.026975262588140023, 'The': 0.025296410018182048, 'in': 0.022479405452074695, 'other': 0.022020790445810075}, {'he': 0.159805025478257, 'and': 0.12419125988230913, 'who': 0.07946276058978578, 'it': 0.07664587404928587, 'which': 0.05776741797542684, 'He': 0.05514075872712219, 'that': 0.050308024779236044, 'It': 0.044498238812436766, 'she': 0.027068429288646143}, {'<s>': 0.05815302434821879, 'it.': 0.017975937202988675, 'them.': 0.013547313429977633, 'him.': 0.011083176842913236, 'time.': 0.009802931383605728, 'year.': 0.009314790978636606, 'country.': 0.009221476370176694, 'years.': 0.008912860514356946, 'day.': 0.007516322520423323}, {'one': 0.08973659562046832, 'all': 0.05316496952439032, 'out': 0.052922305293225974, 'part': 0.04283419660669407, 'some': 0.032559899580762545, 'number': 0.025457029997843696, 'side': 0.02061142469779097, 'cost': 0.018671695565295694, 'portion': 0.0180389586508483}, {'the': 0.22077816434817837, 'Navy': 0.16178511077017557, 'War': 0.12804801082000528, 'Treasury': 0.07789298637140753, 'of': 0.05467242715296149, 'State': 0.04519951016997719, 'Fire': 0.03902439780807003, 'such': 0.02324313185809185, 'and': 0.016914940692701337}, {'and': 0.07140134376410001, 'to': 0.05298797848112665, 'the': 0.050071909826217315, 'of': 0.03634242718171606, 'was': 0.03539112591678732, '.': 0.03171220677088561, 'Mrs.': 0.0243655562348537, '<s>': 0.02182795532076779, 'I': 0.016806886197171446}, {'of': 0.23051198301268191, 'to': 0.16851602341918812, 'for': 0.12068385229714727, 'upon': 0.07839941345295776, 'with': 0.07697715694291292, 'by': 0.07344255376064852, 'in': 0.06495929334524976, 'on': 0.04805626112459894, 'from': 0.03788885655545949}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'provided': 0.07487801152695327, 'called': 0.05150776389598196, 'made': 0.0510673088599375, 'paid': 0.045640143618261055, 'and': 0.03718813166315066, 'cared': 0.018874999052551737, 'shown': 0.013918141490118342, 'given': 0.013582105431751933, 'voted': 0.012618906768484671}, {'the': 0.22084611344500096, 'an': 0.18991422276209152, 'and': 0.14147036473680025, 'of': 0.11445470482331581, 'to': 0.06801125842609115, 'The': 0.05340226211492082, 'in': 0.04792561532407335, 'with': 0.040378554997834944, 'a': 0.039801468340883356}, {'the': 0.5621579462430324, 'The': 0.08521633867530151, 'a': 0.04829024956907817, 'tho': 0.04676984504178892, 'and': 0.03491490078550871, 'of': 0.0349029393443801, 'their': 0.034727341193288144, 'his': 0.03346797163911782, 'in': 0.03134447020129352}, {'<s>': 0.04991974671993037, 'it.': 0.02172190185776984, 'them.': 0.015237212998092593, 'him.': 0.010728967910959264, 'time.': 0.010523282371652815, 'country.': 0.008504156361689313, 'year.': 0.008479204879276826, 'again.': 0.006961336753179911, 'ment.': 0.006921165701931713}, {'and': 0.1337439293388899, 'of': 0.08332769263268273, 'the': 0.07804752668342291, 'to': 0.06256160227361368, 'be': 0.032126212331262845, 'a': 0.02650250382183439, 'more': 0.0259555193209047, 'in': 0.02405387434767784, 'was': 0.022526589411659484}, {'all': 0.06535616556385233, 'of': 0.06440586841928322, 'and': 0.05646049368453879, 'was': 0.046135624293311216, 'is': 0.031090127847119686, 'it': 0.030550394364123906, 'for': 0.029332378089059107, 'went': 0.02491671179640899, 'in': 0.02325004285034494}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'the': 0.18871487731546824, 'and': 0.1666658943413631, 'an': 0.12838662591549715, 'is': 0.10553872598466793, 'most': 0.07747882127909361, 'of': 0.06202645605257044, 'a': 0.053901834430347476, 'was': 0.04777931695090045, 'are': 0.039893572915872776}, {'he': 0.14062667540890222, 'I': 0.10427835779188732, 'it': 0.10194612060620975, 'It': 0.08891148014308155, 'He': 0.06481012835145525, 'and': 0.06388811587950975, 'there': 0.05978974145936909, 'which': 0.05334777999408077, 'who': 0.04688829823501403}, {'the': 0.14162800323690425, 'of': 0.09262320775489445, 'and': 0.06599856761733905, 'to': 0.04165118536154483, 'a': 0.02884514834586857, 'in': 0.02436976281459969, 'more': 0.01862769846227981, 'his': 0.01773449053326544, 'be': 0.01612375024621565}, {'the': 0.08550903453431116, 'of': 0.0694976360668347, 'as': 0.04616719134255007, 'and': 0.039691524639722815, 'to': 0.03524340207844256, 'by': 0.029910136533979545, 'at': 0.028232369045779977, 'in': 0.024421019773095434, 'a': 0.020339252825247872}, {'the': 0.16555959327078767, 'of': 0.11785926631315645, 'Red': 0.09668131330105607, 'and': 0.04178731850458696, 'in': 0.03712602619725633, 'that': 0.0336824586798481, 'a': 0.026397239606075498, 'to': 0.02019206879373491, 'said': 0.020115074379105355}, {'and': 0.08947344761497629, 'place': 0.0813645767187976, 'point': 0.043310688408474574, 'spot': 0.029586936383341544, 'know': 0.028795551505373274, 'room,': 0.020737769774577045, 'that': 0.01981210152395887, 'places': 0.017102297433881766, 'house,': 0.015484436537201045}, {'the': 0.42413632795687795, 'and': 0.07054480261527221, 'a': 0.05300488206570555, 'of': 0.032452460435355414, 'The': 0.03240294871038496, 'tho': 0.028115224830854706, 'or': 0.02496405935953983, 'last': 0.019424162045157223, 'that': 0.01932325507395011}, {'the': 0.19832104665490358, 'of': 0.1959408776914956, 'in': 0.14655979904144636, 'and': 0.08754990315560987, 'for': 0.07885134143551666, 'most': 0.06460779006793714, 'an': 0.06447462721393589, 'to': 0.04004502194084655, 'more': 0.03589607280221476}, {'of': 0.08317815753737232, 'for': 0.08291978651950137, 'and': 0.07198827439177645, 'in': 0.06491676843152498, 'to': 0.05814104805452633, 'the': 0.05165985494483479, 'I': 0.02446455419742861, 'In': 0.0218853581673683, 'that': 0.01979098457292907}, {'have': 0.3229315830817094, 'has': 0.3167322686065007, 'had': 0.20140646889088373, 'having': 0.043712050922281406, 'not': 0.02622549820811724, 'ever': 0.013964633638170451, 'bad': 0.01240939975871954, 'lias': 0.010825918133090338, 'havo': 0.009080376360500351}, {'of': 0.4277449844079894, 'in': 0.18042850074794384, 'to': 0.11001945229944919, 'on': 0.0600252863063844, 'by': 0.03887016736576154, 'from': 0.03316813015606599, 'In': 0.03199481662088368, 'and': 0.030973696632592567, 'for': 0.028381991914871216}, {'of': 0.3742396781092232, 'in': 0.1513124074152171, 'to': 0.08691149081566683, 'In': 0.046538079803949375, 'that': 0.0421041724875495, 'for': 0.04126099744243328, 'by': 0.03757320140410645, 'and': 0.036357523426467746, 'on': 0.035285038951852005}, {'be': 0.29283260374741493, 'is': 0.14978201375850259, 'are': 0.13396159125024376, 'hereby': 0.08986832683052544, 'was': 0.07134268655312652, 'been': 0.04766028025682808, 'and': 0.03565316465036057, 'were': 0.03494583351890736, 'as': 0.03279889967812297}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'he': 0.25808179868302944, 'I': 0.1648151776396396, 'they': 0.06392517167991285, 'she': 0.05892960909975751, 'who': 0.05027576923265829, 'that': 0.047754064642781126, 'it': 0.04507811427940709, 'one': 0.042973544013735814, 'we': 0.036033527833702256}, {'to': 0.556709086414596, 'the': 0.09832646666546821, 'a': 0.03710750853766193, 'not': 0.03660323594694088, 'will': 0.03629034554824337, 'or': 0.03603837440165168, 'would': 0.03541972940731029, 'and': 0.026422190520156225, 'can': 0.025968095630367692}, {'of': 0.4069442533693016, 'the': 0.12302638254217207, 'in': 0.08219073018037167, 'a': 0.06262365003215749, 'and': 0.0517699977517594, 'to': 0.04139180533422251, 'by': 0.035217413440727235, 'with': 0.026580434089973033, 'for': 0.023919389007345054}, {'and': 0.14783089833467183, 'miles': 0.06221079209744408, 'or': 0.05632481579140234, 'free': 0.033749888723644636, 'than': 0.02928618553018128, 'them': 0.023399415209300955, 'come': 0.020561906915268602, 'far': 0.0195804393350756, 'out': 0.01951613686284665}, {'from': 0.19107215550066328, 'the': 0.1726034181602621, 'in': 0.10733825599775976, 'that': 0.07840094101778944, 'some': 0.07240354316396762, 'any': 0.06986994017719324, 'this': 0.0637897477690407, 'a': 0.05851588320207729, 'same': 0.05363154805107126}, {'that': 0.20770205437599096, 'and': 0.14112262589196942, 'as': 0.12527546849038607, 'when': 0.08410416456078228, 'which': 0.06506581429873128, 'until': 0.05514839222103613, 'but': 0.052992904475058285, 'if': 0.04920470831490345, 'because': 0.03917143142228652}, {'for': 0.1891189125969237, 'in': 0.14651798785699724, 'of': 0.14017208773286208, 'with': 0.07850901136198017, 'to': 0.07299965515199677, 'and': 0.07006845484547979, 'was': 0.058309816425428415, 'had': 0.03698371994699945, 'is': 0.036243781136265994}, {'that': 0.24715985933848605, 'and': 0.15762721074378622, 'but': 0.08470261858312049, 'as': 0.07077955572788786, 'when': 0.06468281788235339, 'which': 0.06339550811110875, 'if': 0.037432756384085435, 'where': 0.030194946830544037, 'until': 0.021357863810497073}, {'of': 0.2339604594615578, 'the': 0.14126673534265935, 'for': 0.11937311705719714, 'and': 0.08485028749333506, 'any': 0.06747340559914433, 'no': 0.06583350750479897, 'in': 0.06350070223679384, 'such': 0.04214430522363008, 'public': 0.04038572251389689}, {'the': 0.3431812651905038, 'a': 0.14713851244665155, 'his': 0.08136630059029644, 'of': 0.06202306164278924, 'and': 0.039622670699808224, 'The': 0.03524553578501483, 'that': 0.03415377157496907, 'this': 0.029339874553134027, 'my': 0.02920634361316539}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.15129871990175545, 'and': 0.12920839561507505, 'a': 0.0919122803201127, 'to': 0.06838810607978987, 'of': 0.05601317601960031, 'his': 0.027375476879535916, 'is': 0.024389002217099727, 'be': 0.02316562349978548, 'was': 0.022309875406105916}, {'of': 0.18048520487273714, 'in': 0.09375758411514731, 'and': 0.08334962921495533, 'that': 0.04720313803502712, 'for': 0.04707426315683548, 'to': 0.04281616704299793, 'on': 0.03855987725693485, 'by': 0.027083660110925837, 'In': 0.026273744590793163}, {'the': 0.1973083623077449, 'of': 0.19286413724137066, 'in': 0.19191999420002617, 'for': 0.06820122645266814, 'and': 0.062266475526401154, 'In': 0.060807845957245386, 'this': 0.040993058304185245, 'to': 0.037556425510216145, 'that': 0.022196909501081753}, {'all': 0.2781328596442705, 'other': 0.14609502197878754, 'the': 0.13948177300113698, 'different': 0.10598718155627086, 'various': 0.07216789391813218, 'many': 0.04521250347372939, 'and': 0.0380167506958836, 'of': 0.023756374120570835, 'two': 0.02347240040330746}, {'and': 0.10274246037177089, 'made': 0.05664364746743804, 'accompanied': 0.04292524781149839, 'that': 0.03620496275111953, 'or': 0.035433127817695025, 'followed': 0.031085912328387765, 'only': 0.025533473164560828, 'surrounded': 0.02496599455943602, 'caused': 0.024632942236937263}, {'they': 0.18774996933357474, 'who': 0.1260319987540991, 'we': 0.09222174806459495, 'which': 0.05711266264045627, 'They': 0.049996677183007106, 'you': 0.04736842240228694, 'and': 0.04590659585199527, 'that': 0.035402267417085125, 'We': 0.03401326847379208}, {'his': 0.3242738920090776, 'their': 0.24028277877840018, 'our': 0.09079903505299457, 'her': 0.0663410483231962, 'its': 0.0630246454941598, 'your': 0.06131635359947779, 'my': 0.05815385723956997, 'bis': 0.019530893061127076, 'to': 0.0077078219501734435}, {'is': 0.0767349875047306, 'was': 0.031009961152988798, ';': 0.029822901006202805, 'nothing': 0.02544944227809914, 'are': 0.020029164514087757, 'and': 0.019031172606428972, 'had': 0.015409671142795072, 'have': 0.013536593802903354, 'to': 0.013423547764128994}, {'of': 0.37321503483492335, 'in': 0.08965581090871534, 'to': 0.07812037755680135, 'and': 0.07660089597215029, 'with': 0.047855375832901725, 'that': 0.043675280722245594, 'for': 0.040968251768326115, 'from': 0.03197419466547994, 'by': 0.02666288155518529}, {'of': 0.3308688609704644, 'in': 0.1347383303618591, 'and': 0.07910575817807089, 'to': 0.07832045139461033, 'at': 0.05492026562856242, 'for': 0.05289977337026707, 'on': 0.050196053403810115, 'from': 0.03950067488195053, 'In': 0.038833699831002544}, {'of': 0.27330075449148955, 'at': 0.12366248596549084, 'to': 0.09972043868571004, 'for': 0.09821751777380014, 'in': 0.09197758077051965, 'and': 0.08076381746693244, 'on': 0.052913169750513786, 'from': 0.0459247693079647, 'during': 0.04439397508185529}, {'the': 0.3419886805940344, 'and': 0.1503149405531187, 'The': 0.1366302059545063, 'of': 0.07498156658116786, 'these': 0.038755635235745885, 'These': 0.021663828415050514, 'tho': 0.02098519719459033, 'for': 0.019446347777598738, 'that': 0.018265356773760892}, {'United': 0.8264189221582887, 'the': 0.041161538019870894, 'Southern': 0.01587721805987134, 'ted': 0.007749605904858681, "I'nited": 0.007287082290669013, 'this': 0.006813724622658331, 'Confederate': 0.006649866431660239, 'Uuited': 0.006545546157521355, 'that': 0.006097618488124698}, {'the': 0.17341348468086926, 'and': 0.10868983405127888, 'a': 0.09990529556411111, 'of': 0.0739352273273692, 'to': 0.05671489218607666, 'in': 0.03115994966279532, 'or': 0.026252342169109696, 'is': 0.023710905293571016, 'for': 0.020816650289678336}, {'the': 0.3905835101495489, 'a': 0.13336502307311227, 'this': 0.06460743199525643, 'of': 0.060169654136251575, 'and': 0.03830607591436618, 'The': 0.03491471505465461, 'his': 0.031912478794012884, 'no': 0.03020788360193037, 'any': 0.02341730342255325}, {'the': 0.1382781906627632, 'of': 0.09818442535092237, 'and': 0.08196934337666331, 'a': 0.05583993080161103, 'to': 0.05215984413071052, 'in': 0.030815034257013593, 'at': 0.02960942228021092, '<s>': 0.015055347252986895, 'by': 0.013480324987475128}, {'up': 0.03884629921550871, 'in': 0.03286787512729116, 'due': 0.011192130519306285, 'out': 0.009718796890641495, 'hundred': 0.009696577784440554, ';': 0.007551359495525374, 'him': 0.006671329067039372, 'down': 0.006642653408109916, 'to': 0.006281797564103987}, {'of': 0.22455198780220742, 'in': 0.1626338139514456, 'and': 0.13229320931697133, 'to': 0.08212185847648865, 'with': 0.08188361901076972, 'all': 0.05148289407916803, 'for': 0.05029632312478923, 'at': 0.036102069167428925, 'on': 0.034867722436391434}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {';': 0.019567031769756812, 'up': 0.015958444972484696, 'them,': 0.008170618583383605, 'it,': 0.007967136442395608, 'in': 0.007902433672776134, 'years,': 0.007773143411612178, 'States,': 0.007615229695197521, 'him,': 0.00733966653393979, 'and': 0.00705396616369367}, {'the': 0.2675242251487245, 'and': 0.15752945294030227, 'of': 0.15734953665192142, 'that': 0.10437094140721152, 'The': 0.06138136536722245, 'in': 0.025185844944645222, 'Mr.': 0.024376441344567394, 'tho': 0.012435577436792985, 'General': 0.012370571049716143}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'the': 0.42054727351444, 'a': 0.3002622178540998, 'of': 0.059015250398342614, 'The': 0.052091297528938214, 'with': 0.03838346330201711, 'and': 0.03432071438956387, 'his': 0.024516610326975757, 'tho': 0.02096469623344837, 'in': 0.01887130370978203}, {'as': 0.17317544997026257, 'in': 0.11077894275814622, 'to': 0.09987541935128047, 'of': 0.09805680930226131, 'at': 0.08877442681488736, 'such': 0.07831398054196378, 'for': 0.07198666877209398, 'is': 0.0664520368092311, 'with': 0.0597322383456907}, {'is': 0.15633346044621954, 'be': 0.1240155220776803, 'not': 0.10777028641425018, 'as': 0.10359440984158937, 'and': 0.08054663802787689, 'was': 0.0740810811243825, 'are': 0.04298092763025378, 'it': 0.0416677018500585, 'made': 0.031635611515109}, {'.': 0.06981026932623731, '<s>': 0.06619546326205389, '8.': 0.013274619176946908, 'and': 0.012877612753569969, 'W.': 0.01231575019918129, 'A.': 0.012229088461431427, 'it.': 0.011893551657008762, 'of': 0.009573703875137942, 'Mrs.': 0.009544423137492795}, {'and': 0.08375092945831636, 'made': 0.045976880337139515, 'owned': 0.028620424344022757, 'executed': 0.019970132846307494, 'delivered': 0.019571468038025733, 'that': 0.017406093922677168, 'given': 0.013153265438073995, 'them': 0.012956650178087736, 'occupied': 0.01257917180086426}, {'of': 0.18792306048015026, 'by': 0.0799709121705036, 'that': 0.06044831638200237, 'to': 0.04951710425032335, 'and': 0.04591192349912037, '<s>': 0.029358556164827052, 'which': 0.02065971207442477, 'with': 0.020545011883955317, 'from': 0.015979454264715802}, {'and': 0.10506028397609676, 'him': 0.08219419348786718, 'it': 0.031881039283462254, 'asked': 0.02886528115159176, 'time': 0.027716429367946036, 'reason': 0.02477608866734311, 'made': 0.024645144826034998, 'necessary': 0.023615698369219375, 'enough': 0.023606124200722924}, {'do': 0.21129192195312813, 'and': 0.19861122385946844, 'did': 0.07980816558417507, 'to': 0.044256808479919744, 'will': 0.03270523738638807, 'was': 0.03157222858121935, 'or': 0.031104276224406518, 'not': 0.026262622767778063, 'can': 0.02441302364224931}, {'of': 0.31355904868419476, 'in': 0.13246888770813978, 'on': 0.08297370381803795, 'from': 0.03365040269036257, 'to': 0.02981721435220266, 'In': 0.02696722061200966, 'dated': 0.026883862341767883, 'for': 0.02206950246633529, 'by': 0.017358959358026872}, {'to': 0.6951946515579429, 'will': 0.07095432532516478, 'not': 0.04045435721321897, 'would': 0.03259588341612804, 'and': 0.029952210650098697, 'should': 0.017856654557340333, 'may': 0.016093210811517718, 'at': 0.014799896186903826, 'must': 0.014159686895381591}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.1991930723742405, 'of': 0.14510588576668138, 'and': 0.11820517558284835, 'The': 0.037301566174103205, 'to': 0.035550801070607936, 'a': 0.03135466433235018, 'that': 0.02143090809073933, 'an': 0.018795862289162007, 'in': 0.018386770400813296}, {'a': 0.4706039555383199, 'the': 0.12933529529427568, 'very': 0.05789417683054599, 'but': 0.045742352770339945, 'of': 0.0386821493697487, 'and': 0.03381218516454852, 'A': 0.02903876822329138, 'is': 0.027264592135828068, 'with': 0.021289011327915833}, {'the': 0.31694147558470787, 'his': 0.16264214775379396, 'a': 0.09306777080094548, 'their': 0.08483722409838239, 'her': 0.06662614637427308, 'this': 0.06133196375570467, 'of': 0.056403387160935035, 'any': 0.04270841746769251, 'my': 0.039073814683683754}, {'and': 0.1505880118489749, 'that': 0.12236446368034493, 'but': 0.09431515316425458, 'what': 0.041516128578872075, 'which': 0.0392215939427783, 'as': 0.03752403958133877, 'when': 0.03230648055833564, 'if': 0.029266066462844822, 'If': 0.020414086573371154}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'be': 0.2725441856783561, 'been': 0.14986309785736773, 'was': 0.12665717774988183, 'are': 0.0793244788657024, 'were': 0.06642376194751187, 'and': 0.061937462588156085, 'is': 0.05887097713304697, 'not': 0.040989384175809176, 'have': 0.032269231488897175}, {'and': 0.11736792520358612, 'that': 0.04786308738484356, 'made': 0.037441265433318154, 'is': 0.03492261740729612, 'was': 0.034646122418110326, 'placed': 0.02810210111465904, 'as': 0.02546551106103744, 'be': 0.025160666769283038, 'or': 0.024769337014637474}, {'he': 0.22108311391990643, 'they': 0.09286085954308569, 'it': 0.0889911326425745, 'I': 0.08541990815322309, 'that': 0.06270150273282077, 'she': 0.0521527098296479, 'who': 0.05038171761187258, 'It': 0.04477266629766973, 'He': 0.04028347310568629}, {'of': 0.1980996936062867, 'in': 0.1581100727124347, 'to': 0.11680066883164655, 'with': 0.0801846535861272, 'and': 0.07623189770762732, 'on': 0.05580899466103296, 'from': 0.040293688977101255, 'that': 0.03916307872415613, 'at': 0.03821739963097324}, {'a': 0.17340076046556174, 'the': 0.15642876669204786, 'and': 0.057857090180430365, 'his': 0.05155176734460444, 'of': 0.043672109564966935, '.': 0.04185315507486813, 'A': 0.03605770790973065, 'her': 0.024259227824694213, 'The': 0.020112326302066434}, {'the': 0.11828291931379849, 'of': 0.08997966384669037, 'and': 0.08861568053161069, 'to': 0.05874746136000342, 'for': 0.056199451510168336, 'a': 0.05294316365416072, 'in': 0.03733959023140147, 'was': 0.024432748864761163, 'be': 0.022728021722916138}, {'of': 0.15492454259211763, 'in': 0.15193473041161257, 'to': 0.15014669896422964, 'and': 0.10765330290507716, 'the': 0.06407489754800588, 'his': 0.04706990854238522, 'their': 0.03528627277829526, 'In': 0.029307216489682677, 'its': 0.028394247805091477}, {'a': 0.22827732494405628, 'at': 0.22575225945954974, 'the': 0.14902642869978408, 'any': 0.0829062490407224, 'in': 0.06917642167378131, 'no': 0.05093191483178943, 'of': 0.046546047712711744, 'from': 0.03944026193385688, 'every': 0.023952209131484707}, {'of': 0.6284191503994625, 'among': 0.05952232331683785, 'for': 0.03689455566878058, 'to': 0.03424731479156269, 'with': 0.03125394633918981, 'by': 0.030618552065637947, 'upon': 0.020544861298738854, 'let': 0.017687933335122873, 'Among': 0.015803920152292705}, {'be': 0.24171769770443347, 'was': 0.20344615188774842, 'been': 0.10611514688571629, 'is': 0.09974501980168116, 'are': 0.07286006742205385, 'were': 0.0716107281299459, 'as': 0.041949830127518115, 'and': 0.035062439978659925, 'an': 0.03392994967308461}, {'that': 0.11465816119137218, 'and': 0.1125353161943837, 'he': 0.09259055813541453, 'which': 0.08751243122297496, 'it': 0.0844930619334967, 'It': 0.057383719089147384, 'who': 0.053127282175950606, 'as': 0.03972506460539778, 'I': 0.024328027012219953}, {'part': 0.07196025971506713, 'one': 0.07000355279264338, 'some': 0.04307302051471967, 'out': 0.035392916858036194, 'members': 0.02550305881294491, 'and': 0.022215776852222372, 'tion': 0.0216911631781865, 'portion': 0.020842143848213566, 'side': 0.020717751768984743}, {'away': 0.07236229474854983, 'and': 0.06922125886925766, 'taken': 0.04859289332317455, 'came': 0.04711043079150355, 'come': 0.046758020337860154, 'miles': 0.03374546432693593, 'them': 0.03173069718269795, 'him': 0.031042867929580824, 'free': 0.02875726362739812}, {'is': 0.09557389992386917, 'not': 0.09110120300085238, 'was': 0.08880944617601294, 'and': 0.08833353510715536, 'will': 0.06082227982716465, 'be': 0.053933564547443455, 'that': 0.03953112134326862, 'are': 0.034760545345239834, 'him': 0.028121813664276286}, {'and': 0.14685855403324177, 'that': 0.10020821725144283, 'as': 0.07282149560963712, 'when': 0.038852496600380766, 'but': 0.0385921422802156, 'so': 0.030080519199940377, '<s>': 0.02240561955951774, 'the': 0.02064392376548181, 'which': 0.019444235791947265}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.13310974971620318, 'of': 0.06333111426044266, 'and': 0.04963902633203959, 'to': 0.048435031691231444, 'that': 0.015684961187908405, 'in': 0.015489818516846802, 'be': 0.015099176645270784, 'a': 0.014013858420232696, '<s>': 0.013670174670392976}, {'be': 0.28995943830030557, 'is': 0.1411772064964248, 'was': 0.13416904591789403, 'are': 0.1257314076776061, 'been': 0.056334494722307914, 'were': 0.047203096856502966, 'and': 0.043276195141660735, 'not': 0.02781897354298702, 'bo': 0.018029763534108484}, {'of': 0.45694824557002556, 'to': 0.1009312694527245, 'on': 0.07720871448979638, 'in': 0.0764276257740559, 'by': 0.05737455279464167, 'and': 0.0451328607174982, 'from': 0.03224867100829496, 'that': 0.03199126534594346, 'for': 0.02417793034460418}, {'foreclosed': 0.09538043014116879, 'accompanied': 0.06845597077922576, 'made': 0.061598662125208266, 'and': 0.059027214016597884, 'followed': 0.05511748685768449, 'surrounded': 0.031166549836992345, 'up': 0.025850698064541745, 'caused': 0.022929919031142654, 'secured': 0.022660668610514915}, {'have': 0.3255828358238317, 'has': 0.24646946705714523, 'had': 0.22365004971269362, 'not': 0.03272969069844632, 'having': 0.030915000638381845, 'bad': 0.01496838570016474, 'ever': 0.01382231302640197, 'never': 0.013735847197120303, 'havo': 0.01048593870034795}, {'the': 0.1819892348632963, 'and': 0.1767428612246944, 'of': 0.10325359302778152, 'was': 0.08475442034496876, 'an': 0.08119733314598103, 'be': 0.08114159608221498, 'is': 0.05614371075797036, 'to': 0.052924664041856195, 'a': 0.05040898975927735}, {'the': 0.2312381945881286, 'his': 0.1650672540004722, 'a': 0.1469671671776413, 'their': 0.06847887709199986, 'my': 0.05508142951792403, 'your': 0.04358747241192824, 'dis-': 0.04191615244240942, 'and': 0.04148892845920604, 'her': 0.02791382612997135}, {'of': 0.24131996879306244, 'in': 0.12763223719180491, 'and': 0.10942017084715149, 'to': 0.10032546303855046, 'with': 0.07688794942576115, 'for': 0.05092122394714099, 'from': 0.05072199120215575, 'that': 0.0452051224134955, 'at': 0.040804742452833095}, {'100': 0.036761422193436075, 'two': 0.03575724849038932, 'three': 0.033965439005718995, 'five': 0.033499154105536756, 'hundred': 0.032572327627937964, 'six': 0.031116161213719514, 'fifty': 0.018029841251752672, 'twenty': 0.01657166628283957, 'ten': 0.014349456943450306}, {'<s>': 0.03845766706539316, 'and': 0.036185757070590185, 'it.': 0.03507137972902461, 'that': 0.033622314617024134, 'them.': 0.0220038492426753, '?': 0.013063277775311978, 'but': 0.00897079983152926, 'us.': 0.008578135198562402, 'time.': 0.008502431060063187}, {'to': 0.12534537348704777, 'of': 0.12325602753100924, 'the': 0.11557138966345272, 'and': 0.08216479648440898, 'in': 0.06253271665247329, 'a': 0.05087564310545571, 'at': 0.03545028441024249, 'that': 0.029830633210718816, 'with': 0.023289564980489685}, {'the': 0.25532790995788945, 'a': 0.2201943290908763, 'and': 0.12414085916624713, 'most': 0.1190182823560841, 'of': 0.0698517367350445, 'his': 0.029333509014450882, 'are': 0.022455455824426162, 'more': 0.021165234617522365, 'very': 0.020081610236800263}, {'he': 0.2370799737959791, 'and': 0.17326738094959776, 'He': 0.08185626149492327, 'I': 0.07834528884928028, 'who': 0.04142575590516568, 'she': 0.029801773068503033, '1': 0.02324320084190049, 'which': 0.019470966567153074, 'ho': 0.018682556298061353}, {'thence': 0.621205651777392, 'bears': 0.027448079683694844, 'S.': 0.022993147587610452, 'of': 0.021332214479934344, '.': 0.020277232758900362, 'and': 0.020141270207258807, 'to': 0.012530078880717286, 'W.': 0.010097321858078446, 'E.': 0.009154821885349875}, {'at': 0.46541621406282047, 'and': 0.07454670902025382, 'of': 0.06518286677168654, 'No.': 0.03730217226446961, 'about': 0.03206652631786296, 'to': 0.03140518493130744, 'At': 0.0300287729440576, 'from': 0.019996168695134132, 'for': 0.01831165908102629}, {'<s>': 0.024094726921346378, 'it.': 0.023075590030556394, 'them.': 0.018699694140920414, 'time.': 0.009778915079380997, 'him.': 0.0096681341373461, 'her.': 0.007038222697000409, 'country.': 0.006628756871565992, 'tion.': 0.00662462415315815, 'day.': 0.006245441342524508}, {'in': 0.5911204386696374, 'In': 0.1584162122538516, 'of': 0.08582967056661091, 'from': 0.054483773484324545, 'for': 0.01811117632042117, 'on': 0.01654540708940797, 'the': 0.013141728619445375, 'at': 0.012519402796317504, 'iu': 0.012039909723128727}, {'and': 0.12260165937586076, 'the': 0.11813624629600443, 'to': 0.07345299871686573, 'of': 0.06960198272548243, 'in': 0.035778195935903784, 'that': 0.03365753610447031, 'which': 0.03260984749409011, 'a': 0.0293093145287507, 'or': 0.02532077043434704}, {'and': 0.0920490249487987, 'is': 0.0520892622618325, 'was': 0.0520882179633607, 'be': 0.048417625299508646, 'succeeded': 0.04315771129749368, 'are': 0.04101569596366994, 'made': 0.032032937493783775, 'that': 0.02736607244138625, 'it': 0.026691746789889496}, {'manner': 0.10929122914622635, 'and': 0.051928940561453626, 'that': 0.030065683941091072, 'way': 0.01949234700731763, 'time': 0.01490834846138637, 'it': 0.013227222707666407, 'all': 0.011826895752322215, 'one': 0.01173947360133591, 'part': 0.011709023863419921}, {'and': 0.15824600923745952, 'which': 0.08907569380510391, 'have': 0.06351522562847912, 'the': 0.06225780308353991, 'has': 0.05343999561170682, 'of': 0.05272180586435629, 'had': 0.049891640676019325, 'it': 0.03167401706685093, 'It': 0.031014735786396408}, {'it': 0.13285457515615418, 'he': 0.1304928853701095, 'It': 0.09418131931440148, 'I': 0.08181986439340176, 'which': 0.05957491316257334, 'He': 0.057986927577777785, 'and': 0.05740918842339694, 'that': 0.04833011934220997, 'who': 0.034966973420798}, {'and': 0.06768749649398306, 'as': 0.05086199682262253, 'went': 0.046427184394087946, 'him': 0.041449127209055275, 'enough': 0.03584076226717842, 'right': 0.03411618296275102, 'it': 0.03273830242805124, 'them': 0.03156692232218805, 'made': 0.03080436231417228}, {'a': 0.12190831608852103, 'to': 0.08563692413409674, 'the': 0.08349972467687086, 'of': 0.07564286544916343, 'and': 0.06786410341494231, 'at': 0.03182634297550055, 'with': 0.025801462596007355, 'by': 0.020879561370216265, 'in': 0.020017558482212688}, {'in': 0.7384264607854215, 'In': 0.14569158384760098, 'the': 0.02759597323831581, 'iu': 0.017461895765776288, 'and': 0.010325794313482132, 'a': 0.010160609746695939, 'of': 0.008999320100165211, 'to': 0.0058622664863780816, 'under': 0.0043830835493034095}, {'one': 0.0692417145722556, 'part': 0.048511874686007, 'that': 0.040839067827950784, 'out': 0.034401266311862584, 'and': 0.03296666255402379, 'day': 0.03268316788769254, 'all': 0.029085924320437453, 'sum': 0.021239551268766456, 'account': 0.018941559202845445}, {'that': 0.24964279530144895, 'and': 0.12647073236457182, 'which': 0.10769095887269543, 'as': 0.08625965787404777, 'but': 0.05442254785896826, 'if': 0.044296231176024964, 'what': 0.0434447968228806, 'when': 0.028943413763812133, 'If': 0.026207420857081474}, {'is': 0.16478409008647618, 'be': 0.15886265998667942, 'of': 0.12169458853601839, 'was': 0.10706433956368656, 'and': 0.08242632142824188, 'to': 0.06287854336227841, 'with': 0.05467474739736972, 'in': 0.053576848861003314, 'on': 0.04224108308344815}, {'of': 0.3839629273005432, 'in': 0.3423928728044056, 'In': 0.08824067348879538, 'to': 0.058526205367834795, 'for': 0.026624077547762807, 'that': 0.024817710842888047, 'from': 0.01936972981210458, 'by': 0.01615072798075489, 'iu': 0.009968636246812435}, {'way': 0.0320735207517223, 'it': 0.027300911515791778, 'out': 0.023755096889720113, 'them': 0.020708561710633185, 'go': 0.020387698631809417, 'come': 0.017182128067171263, 'went': 0.01611465236549207, 'enter': 0.01607621684146404, 'came': 0.014952889783108382}, {'it': 0.1281666447526507, 'he': 0.10603599741514307, 'I': 0.08600968681533291, 'It': 0.07419730981192776, 'which': 0.06502182034032838, 'and': 0.04392499598979187, 'He': 0.03371867696182467, 'who': 0.03059421505565964, 'she': 0.023922850220836872}, {'the': 0.6352281126212598, 'tho': 0.048094845504164506, 'The': 0.04739529110661651, 'a': 0.035371089371734644, 'great': 0.026639771961015118, 'tbe': 0.02260704874708418, 'and': 0.020214351864377332, 'of': 0.01819901577330844, 'other': 0.017951870074521554}, {'disposed': 0.41018688577034135, 'complained': 0.07027470696451536, 'spoken': 0.05040346856771646, 'dreamed': 0.04557790096213786, 'there\xad': 0.03557213356709918, 'dispose': 0.030846569993862958, 'care': 0.029179621205601258, 'despaired': 0.027066835521569896, 'amount': 0.026230599545632477}, {'the': 0.22139585874663864, 'and': 0.10579974165816709, 'a': 0.08985207201110196, 'of': 0.0837049671941818, 'to': 0.06469395712765609, 'be': 0.03893466859730874, 'by': 0.03427690849922082, 'his': 0.03408130641440758, 'was': 0.03118377940711151}, {'to': 0.5148811417559538, 'will': 0.13627717111662507, 'would': 0.08173798369476326, 'and': 0.06805630842292892, 'not': 0.03914842678408492, 'could': 0.03037145604532204, 'can': 0.028836175753966426, 'shall': 0.025404959213541082, 'should': 0.02163783997275936}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'be': 0.15298180318510152, 'was': 0.14108856764070035, 'and': 0.09302581070817001, 'been': 0.07225956694653006, 'is': 0.06109257703066393, 'he': 0.05787572964349949, 'were': 0.044308702507547815, 'have': 0.04287052775364172, 'had': 0.03412300662283445}, {'of': 0.19918160185937317, 'and': 0.18310761864024175, 'but': 0.07172481937693433, 'know': 0.06841218061949143, 'that': 0.044231532007234585, 'But': 0.040836815923745655, 'to': 0.04031646830887951, 'for': 0.03603611895819432, 'knew': 0.03347334860616858}, {'and': 0.07469129547891905, 'was': 0.05416275781196823, 'be': 0.04888776452403551, 'is': 0.04659688314437195, 'are': 0.03691612869308618, 'that': 0.025606698866989266, 'were': 0.022883263564947385, 'been': 0.021859352765021628, 'now': 0.021133931035416872}, {'of': 0.15448704744294683, 'the': 0.13044141708642468, 'their': 0.1108343462951604, 'his': 0.07149514683296555, 'these': 0.06576192192322827, 'other': 0.06108913039636116, 'our': 0.05620468795784185, 'in': 0.056181147781530154, 'its': 0.046765470886743474}, {'the': 0.34232742091242246, 'and': 0.11680353854664431, 'of': 0.10417799652914148, 'The': 0.04374029541207379, 'an': 0.041075228694263, 'their': 0.040674152030958005, 'to': 0.03835010554736104, 'a': 0.033713464498363856, 'tho': 0.03251604739629923}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.11923473680888456, 'of': 0.07800705863267803, 'and': 0.0676112682332134, 'a': 0.055382272081096494, 'to': 0.05383281473823172, 'be': 0.033315410391298525, 'was': 0.02922835877234278, 'in': 0.021855895917388107, 'for': 0.019080097605545628}, {'to': 0.3384019721908166, 'will': 0.1748912771680609, 'we': 0.09726050316222638, 'would': 0.07873479724250897, 'I': 0.07355319706850318, 'you': 0.05323074082350423, 'can': 0.04843219896800356, 'could': 0.04629706836551662, 'not': 0.037381562315617185}, {'I': 0.2356232402863464, 'he': 0.19236317883702625, 'they': 0.1063267738764737, 'and': 0.07513596011935797, 'it': 0.07028726912339447, 'she': 0.04950083013381972, 'He': 0.04728373844992522, 'we': 0.04582132230041387, 'who': 0.0442694849987335}, {'and': 0.08481578177768559, 'together': 0.07105397702127053, 'it': 0.026073248059541143, 'covered': 0.023946715798811972, 'them': 0.022751154824591762, 'connection': 0.02026147136933354, 'filled': 0.019966520996944338, 'him': 0.019406946869648334, 'up': 0.018850300817810212}, {'United': 0.5221507209815824, 'the': 0.16847246405703992, 'The': 0.02670942008317719, 'Southern': 0.01839218532870351, 'Uuited': 0.016246028772397846, 'of': 0.01609292405239174, 'that': 0.015095691961192875, 'a': 0.013879955029401732, 'this': 0.013603343290489619}, {'the': 0.19567256484149853, 'a': 0.15972058259989097, 'of': 0.12508456499727394, 'and': 0.06347702975309603, 'an': 0.04799654529168938, 'to': 0.04291597865877405, 'in': 0.032648090388659554, 'The': 0.029109140898823896, 'that': 0.02678217910273386}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.627145480730567, 'and': 0.06439447370625866, 'The': 0.05575884287055465, 'par': 0.039276573293862665, 'tho': 0.03346173121327975, 'of': 0.032369866960094675, 'a': 0.029033156196037496, 'in': 0.028521336066598176, 'assessed': 0.02287775040599806}, {'of': 0.27046635384539924, 'and': 0.15129764231297513, 'in': 0.10254167192896517, 'with': 0.10189374679721129, 'for': 0.08810192551630579, 'to': 0.08370047195039329, 'that': 0.04859100831966352, 'by': 0.029017010286502998, 'or': 0.024723958505520432}, {'the': 0.5075236192143459, 'and': 0.09906090118940075, 'in': 0.08166615219613865, 'of': 0.062045130075161256, 'a': 0.035313261753309226, 'tho': 0.02768921258925996, 'heartfelt': 0.02337841945473097, 'The': 0.022674846422000714, 'In': 0.020115337085380495}, {'the': 0.33205825829579716, 'of': 0.24492875097100447, 'a': 0.08590361053612948, 'The': 0.04979552974613064, 'their': 0.045114497127965815, 'other': 0.03509557709504288, 'to': 0.032415892628542935, 'this': 0.032131747101474394, 'our': 0.03046404067337742}, {'the': 0.4817848537198205, 'The': 0.13631126528316018, 'a': 0.07604058691224552, 'and': 0.04103490479973924, 'his': 0.03661880379012002, 'of': 0.03541369107695742, 'tho': 0.021125779027823807, 'A': 0.01850304450863891, 'or': 0.014117595180552467}, {'of': 0.28687115230551036, 'and': 0.11351531767751814, 'in': 0.09905764324509853, 'to': 0.0904025273280964, 'with': 0.07968366089646221, 'on': 0.06934620517131987, 'that': 0.06265543571080277, 'for': 0.040974224256640296, 'by': 0.036935363534431054}, {'they': 0.17410010192138692, 'we': 0.08899844901170452, 'there': 0.07226065782982044, 'who': 0.06334245554654563, 'There': 0.05389356351512519, 'They': 0.05282891812503671, 'you': 0.050418013731230865, 'and': 0.04620031882201064, 'which': 0.04347043197191249}, {'and': 0.08054771054338954, 'made': 0.06368102949217995, 'owned': 0.03337404744500129, 'provided': 0.025290999202263537, 'or': 0.021154218792733943, 'that': 0.02112718852164452, 'occupied': 0.020669633602358795, 'ed': 0.020039740923722828, 'paid': 0.018126318998229356}, {';': 0.03568412168636819, 'nothing': 0.031159949199587828, 'is': 0.017702679526224514, 'it,': 0.015969109726057553, 'and': 0.013875261051227536, 'them,': 0.011197479067022419, 'anything': 0.010086249898540279, 'him,': 0.009585354452319292, 'time,': 0.00907450420371997}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.1674321392964112, 'of': 0.10392183398051957, 'and': 0.07193767226205251, 'a': 0.05574666750895172, 'to': 0.05318386890032477, 'was': 0.028327973426863266, 'be': 0.02763725855117221, 'in': 0.022450035454252393, 'is': 0.022401172344488615}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.10144557375495386, 'him': 0.06012505236278063, 'was': 0.040826491110174966, 'man': 0.035069640036815085, 'it': 0.03375211042846046, 'up': 0.023864587190938164, 'that': 0.02370642566638079, 'found': 0.02079136423372986, 'made': 0.020428510347646856}, {'of': 0.42306851539605594, 'to': 0.11005679071493256, 'that': 0.07800991944342522, 'in': 0.0707829391868246, 'and': 0.06900111555616936, 'for': 0.05545540994253111, 'by': 0.04597559129858849, 'on': 0.026688525931343233, 'with': 0.02662422937293384}, {'a': 0.3864466802434515, 'the': 0.3479595543580315, 'A': 0.05263838057346214, 'and': 0.03407826085038186, 'The': 0.02906302170467407, 'very': 0.02178607977772345, 'was': 0.020432172555260194, 'is': 0.01622103195655143, 'his': 0.01533789714541319}, {'the': 0.5756840796972614, 'a': 0.10955555891943858, 'The': 0.07035761020743297, 'tho': 0.033096180453555224, 'this': 0.017492349099221614, 'tbe': 0.012738321963530046, 'and': 0.010688026975876442, 'no': 0.01050274934313235, 'any': 0.008587882503053345}, {'and': 0.2308554469267613, 'as': 0.10802128908699328, 'that': 0.1063543697707768, 'but': 0.02959171705489465, 'or,': 0.023699651623408906, 'which': 0.018254418887164624, 'or': 0.01449191374812174, 'which,': 0.013886634992828113, 'time': 0.01335252017096887}, {'<s>': 0.03932347268493526, 'of': 0.014305097664281846, 'as': 0.012269913719035703, 'it.': 0.011759944827030426, 'and': 0.009797907358727015, 'firm;': 0.00946360349181226, 'them.': 0.009054650716517402, '.': 0.008077791215111102, 'at': 0.007636936743644835}, {'of': 0.10304530522695042, 'the': 0.09770313283819586, 'and': 0.0564433908945222, 'to': 0.04457808405969252, 'a': 0.0374297154127341, 'at': 0.029076997585655705, 'his': 0.020037274953866195, 'in': 0.01956387945665684, 'is': 0.017412933021596976}, {'is': 0.23234039954855878, 'be': 0.21992146341909924, 'was': 0.12084393309204998, 'it': 0.1113262225637488, 'not': 0.055697476508188265, 'and': 0.04912684523697508, 'as': 0.04255603885632846, 'the': 0.04212292443442353, 'are': 0.041199722485660215}, {'the': 0.18799364937476104, 'of': 0.09214097650428969, 'and': 0.05215019437661362, 'a': 0.04601959839742944, 'The': 0.03382251372220361, 'this': 0.02300014394203463, 'that': 0.022297490804551526, '<s>': 0.016739276783595436, 'or': 0.016390801920302202}, {'that': 0.29944433908951973, 'which': 0.10597050403619378, 'if': 0.0838501213785515, 'as': 0.07766032287742279, 'and': 0.07386271862749577, 'when': 0.06185092041213883, 'where': 0.052211353477069684, 'but': 0.04417491348278512, 'whom': 0.04093836768807294}, {'and': 0.08213079972801327, 'able': 0.06439129330609981, 'order': 0.06151941035238775, 'him': 0.05327494304662807, 'is': 0.05234560542986731, 'was': 0.04976311665320131, 'time': 0.04936093197534136, 'had': 0.047209006194783916, 'as': 0.04655753168574065}, {'the': 0.22867436654592987, 'a': 0.13667995302257768, 'to': 0.11480091774599775, 'of': 0.11109087559710575, 'and': 0.059913712002079664, 'for': 0.03881129454371383, 'with': 0.034576839889087586, 'by': 0.02450299193587719, 'The': 0.020068019379616844}, {'matters': 0.10194335230805628, 'and': 0.07498109952667802, 'are': 0.06945657501437984, 'is': 0.046030126523491255, 'was': 0.03490147699815821, 'not': 0.028199642316811626, 'were': 0.02284580657728423, 'be': 0.022600173920643923, 'now': 0.021094137354947577}, {'and': 0.24609159101273, 'so': 0.09744152187944083, 'as': 0.06241141352529635, 'to': 0.04453758209084242, 'but': 0.04075851476121174, 'fact': 0.040206510105914764, 'say': 0.03682879863713367, 'is': 0.036317639781025875, 'said': 0.03512871517243942}, {'the': 0.1507641069451186, 'of': 0.07675335097117256, 'to': 0.06979692604358281, 'and': 0.06642555234770701, 'in': 0.0293266361897291, 'that': 0.024826161234719764, 'as': 0.02126175443558021, 'on': 0.021161876568669313, 'by': 0.019132464740507563}, {'the': 0.29661127536139864, 'a': 0.1390967863413057, 'and': 0.0705819577323597, 'of': 0.06601345605395993, 'to': 0.039314570083674984, 'in': 0.027750176234554835, 'tho': 0.018848319848756186, 'The': 0.017901796728983146, 'his': 0.017687750544459358}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {'and': 0.10696197078647372, 'that': 0.06808498853207864, 'time': 0.044518650038471656, 'made': 0.038008676360862644, 'them': 0.025715204732290754, 'him': 0.02262483176899067, 'but': 0.02105973852250267, 'or': 0.020362850002293292, 'up': 0.019389309088288714}, {'and': 0.0658474051958886, 'is': 0.05041152040196304, 'was': 0.0391715107948472, 'be': 0.029471517116322378, 'with': 0.02522851486972558, 'are': 0.02410832936033437, 'of': 0.021331186942753044, 'as': 0.021314324367352356, 'by': 0.02065630613529034}, {'to': 0.17486265063815998, 'the': 0.1336633666621684, 'in': 0.09359208179088789, 'and': 0.0821831237992433, 'of': 0.06304339953718004, 'an': 0.052404703110534946, 'a': 0.05094589166654168, 'by': 0.047951173692180535, 'or': 0.03529697836731211}, {'and': 0.236477813015868, 'that': 0.08232943870540889, 'but': 0.08099785593116551, 'time': 0.04358495431595115, 'But': 0.032880542031312056, 'And': 0.023401094685322272, 'me': 0.021522036985825097, 'ago,': 0.017912210582434984, 'even': 0.015842499420410987}, {'the': 0.1179694087443539, 'and': 0.10815406455966574, 'to': 0.09747681970076039, 'of': 0.06728520536755983, 'a': 0.04195800254998335, 'in': 0.033177297186044216, 'will': 0.021462312068086496, 'I': 0.021256116283266163, 'he': 0.018697864732028557}, {'the': 0.1450524935836439, 'and': 0.10177379526547212, 'of': 0.07092498490510685, 'to': 0.06643859177010694, 'in': 0.043184033163470234, 'was': 0.040444756304387645, 'a': 0.037358609147802715, 'be': 0.034122654588659554, 'is': 0.024495922836782185}, {'his': 0.12438562170156538, 'the': 0.11969239470985507, 'of': 0.11691613341510174, 'this': 0.0726342103725411, 'other': 0.07238029123140717, 'their': 0.05735557372214178, 'her': 0.053910333469899346, 'public': 0.04679360411101721, 'or': 0.0433151506902023}, {'and': 0.1668971413678411, 'annum,': 0.15452926601900602, 'on': 0.04297252899377735, 'of': 0.030128636820183134, 'day': 0.015663673541789595, 'or': 0.011647171762557754, 'that': 0.010464290481120702, 'sale,': 0.009878376225599238, '2': 0.009658031731908425}, {'J': 0.1832244948304815, 'W': 0.1329180882077116, 'A': 0.0921333044726383, 'C': 0.09167151663348232, 'M': 0.08217894646498815, 'S': 0.08131340460786042, 'E': 0.07207673470517646, 'F': 0.057715637808831106, 'H': 0.05539568149726482}, {'of': 0.1257567333173769, 'is': 0.1109084534508061, 'as': 0.10257467072416732, 'in': 0.10162942125991652, 'with': 0.08697868941165005, 'and': 0.07507422556410867, 'for': 0.07266299149466454, 'to': 0.06856597201251542, 'was': 0.061352441397277475}, {'came': 0.09560880109963368, 'went': 0.08969396912858033, 'sat': 0.07979259347745234, 'go': 0.07369383616122133, 'come': 0.06795695905157682, 'laid': 0.06681091321045643, 'sit': 0.05931812830610791, 'it': 0.044993066227733275, 'broken': 0.04343984774570529}, {'of': 0.3033903436043037, 'for': 0.1397894722640582, 'to': 0.13885275823546947, 'at': 0.12952406491698376, 'and': 0.06280450920334618, 'in': 0.05428621278424145, 'that': 0.03258409654406521, 'from': 0.029396129525249077, 'during': 0.02839980057040173}, {'the': 0.11662162438895472, 'of': 0.08510772891872619, 'and': 0.0749308918450228, 'a': 0.05027090809541287, 'to': 0.044579509927247796, 'be': 0.03493674646348542, 'in': 0.034010718862884565, 'was': 0.032497593919047184, 'is': 0.018566250331332107}, {'they': 0.15950076897412616, 'there': 0.06559986728696533, 'and': 0.060166833186025254, 'who': 0.05674934711250563, 'we': 0.044632261863838334, 'which': 0.044201187976166775, 'They': 0.035295914647178746, 'There': 0.0305925825622932, 'that': 0.029694253920493217}, {'it': 0.1980939307225453, 'It': 0.13525533941982612, 'which': 0.08377684990632499, 'he': 0.06004140654396108, 'and': 0.05966485597150889, 'that': 0.05436830627384283, 'there': 0.04364278051896127, 'who': 0.03177530837613336, 'what': 0.025941575501053388}, {'the': 0.2239709808464972, 'of': 0.20026271896571882, 'in': 0.1906191152658106, 'to': 0.06769665282704934, 'In': 0.04838034742516255, 'from': 0.04577493499613023, 'and': 0.0347638019419908, 'The': 0.03402346895652855, 'for': 0.03119360532316551}, {'of': 0.27214902112454653, 'and': 0.15132390698187004, 'in': 0.12947029434211368, 'to': 0.08736564723977819, 'with': 0.08230710716063758, 'on': 0.051231508131384794, 'that': 0.049825012769984314, 'from': 0.03170413731983211, 'by': 0.02937251999556554}, {'of': 0.15359402363729457, 'and': 0.1515913193142295, 'the': 0.13124975963595434, 'as': 0.09843902161492123, 'a': 0.08997733856039133, 'such': 0.037423810364547005, 'his': 0.03466204276925331, 'to': 0.03360185154937718, 'their': 0.03237812565621092}, {'to': 0.3755299103649983, 'and': 0.09268777639941395, 'not': 0.05409772294391523, 'that': 0.0373727118452967, 'shall': 0.029596323773217192, 'which': 0.02686734932817302, 'may': 0.021881368714347583, 'of': 0.021595718110977123, 'the': 0.016785367922138257}, {'the': 0.5315541059237197, 'of': 0.1477098427462005, 'in': 0.11728769125820229, 'and': 0.042073176905966465, 'for': 0.024243706618394114, 'to': 0.02353113920712265, 'In': 0.018489841352929637, 'tho': 0.01491561697893167, 'our': 0.013976618392853232}, {'of': 0.16209096783934984, 'the': 0.12897840366320704, 'and': 0.07084442540601331, 'to': 0.05042985674070549, 'in': 0.018849836184360983, 'by': 0.017987220932040558, 'said': 0.017025397057369638, 'Mrs.': 0.016612782870739, 'with': 0.016096218161312917}, {'the': 0.31453152856626376, 'a': 0.22308740891357762, 'and': 0.0856053190701216, 'of': 0.06066240102869287, 'The': 0.05607555532882054, 'other': 0.043431230778947325, 'his': 0.038598909149432224, 'all': 0.02540462132188184, 'this': 0.019359465587395295}, {'be': 0.49611509781879093, 'is': 0.10452285688164337, 'was': 0.07671762136150717, 'been': 0.06664162798036104, 'are': 0.0501207107688188, 'not': 0.04515599372798679, 'and': 0.041966296385692874, 'being': 0.034405483959592274, 'as': 0.02941574691525295}, {'and': 0.11401292646215848, 'was': 0.0387916079219591, 'look': 0.028959977147925333, 'is': 0.028474900080393307, 'that': 0.026689518892065073, 'one': 0.025161372089461963, 'be': 0.024976827432853885, 'it': 0.024930340761847816, 'sold': 0.022568215552366128}, {'to': 0.7022537650000262, 'and': 0.05106690772005953, 'will': 0.048444362136330514, 'can': 0.030562137909959708, 'not': 0.029093003280310517, 'would': 0.026757332899148552, 'who': 0.026338545644613125, 'could': 0.023152732087748876, 'we': 0.020894943100808465}, {'the': 0.13426509020665137, 'of': 0.11518398591919422, 'and': 0.10003909898882758, 'to': 0.08485242483623932, 'be': 0.024511931166840497, 'as': 0.020780351953637168, 'a': 0.019475794509827588, 'is': 0.017835356503909255, 'in': 0.017299727700739505}, {'in': 0.34438301313307623, 'of': 0.194145764364752, 'In': 0.09349176340052578, 'for': 0.07923623233988861, 'by': 0.05344148077514296, 'and': 0.04647871977400378, 'that': 0.04179788767392047, 'to': 0.034680725763368836, 'with': 0.02489397787979398}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'was': 0.2264169758711793, 'be': 0.19486919811584932, 'is': 0.12281056097187353, 'been': 0.067632717976075, 'have': 0.06160154916383718, 'were': 0.060840920128184435, 'and': 0.05776905651556925, 'had': 0.05119559948423434, 'well': 0.050063418678808265}, {'the': 0.3784930878533115, 'of': 0.08284586315092977, 'and': 0.07097797267425875, 'a': 0.06690962286573826, 'The': 0.04354815999781128, 'tho': 0.026896761606086148, 'to': 0.02134761339025943, 'his': 0.01836318029423204, 'their': 0.015196433764464019}, {'it': 0.13658167586337025, 'which': 0.12001920240972701, 'It': 0.11782804746711427, 'that': 0.078280563328333, 'who': 0.070133317669197, 'he': 0.06995204226584692, 'there': 0.05496290335222193, 'and': 0.0343987140609245, 'There': 0.029626703982828646}, {'of': 0.2772435572616424, 'the': 0.19660313699009685, 'a': 0.09565831751005374, 'for': 0.04767257499589745, 'to': 0.04424979802927789, 'with': 0.04073629024757684, 'in': 0.039191390217632585, 'and': 0.03300245156390556, 'his': 0.025283666937072603}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.1801517169794942, 'fact': 0.08766035604272243, 'of': 0.055545005448601525, 'said': 0.04885960626795657, 'say': 0.044172017263596854, 'so': 0.042045072045429455, 'in': 0.03785968562454121, 'one': 0.03454652225835895, 'believe': 0.032868828015503865}, {'of': 0.21681950576041847, 'On': 0.09750797280163842, 'and': 0.09730074918226447, 'in': 0.08973245958042535, 'before': 0.06305160816235753, 'after': 0.057329125807713724, 'by': 0.05617520002062006, 'for': 0.052467901012479806, 'on': 0.03895239930591586}, {'of': 0.26399842406430724, 'the': 0.14396898880937542, 'for': 0.1433303142779306, 'in': 0.1261814591674191, 'and': 0.04100559193139348, 'In': 0.028362423084305435, 'their': 0.024240188544637168, 'from': 0.023936434283252848, 'a': 0.022064289104582177}, {'of': 0.18528081442939237, 'in': 0.12171463242044704, 'and': 0.112349729669843, 'with': 0.09037891660696905, 'is': 0.08936410166494094, 'was': 0.07141523867149598, 'by': 0.06907087356323721, 'for': 0.06776425423913089, 'to': 0.05225863591761697}, {'he': 0.23181862539701345, 'I': 0.1204730595357528, 'who': 0.0933644589864691, 'they': 0.07113183714225574, 'have': 0.0694635208504366, 'and': 0.06623066397907398, 'she': 0.055020410543878476, 'He': 0.04643336329767494, 'we': 0.03702186076214734}, {'more': 0.42880598574850326, 'less': 0.13238830313862568, 'better': 0.04873156356771174, 'greater': 0.04769032834095711, 'rather': 0.04384369691274651, 'other': 0.0286441743314661, 'worse': 0.021627918823406016, 'larger': 0.018732955804948423, 'More': 0.01699501066614724}, {'that': 0.164698058858935, 'and': 0.15586298340724525, 'as': 0.08322746539899642, 'but': 0.07971805373241837, 'which': 0.06416053597956713, 'when': 0.044893337610292704, 'if': 0.03941983513727223, 'what': 0.03528011032221337, 'the': 0.02412942579433492}, {'and': 0.22570945403413012, 'of': 0.15269709676150173, 'the': 0.10395524324278309, 'to': 0.09110772029539767, 'all': 0.06851999044582832, 'their': 0.05409006712196679, 'for': 0.047648448363145086, 'in': 0.03409763865017701, 'his': 0.027045017068454993}, {'of': 0.25862052763252813, 'to': 0.11197613806679155, 'in': 0.10295104435676526, 'with': 0.07380460955197411, 'on': 0.05353403737831844, 'and': 0.04777229345001779, 'for': 0.04567906412807066, 'by': 0.04207755826294618, 'from': 0.03746636386983616}, {'of': 0.3178781793071695, 'with': 0.10316724422583821, 'by': 0.09951275094693422, 'in': 0.09384015478129665, 'and': 0.06795634157520243, 'for': 0.05544517540297712, 'is': 0.04510504957721215, 'as': 0.043147950066279375, 'to': 0.0428491663561173}, {'time': 0.3672688258554762, 'and': 0.07196604155065862, 'as': 0.06485391686649496, 'him': 0.03372571026823163, 'is': 0.02802324869926636, 'them': 0.02666444173799124, 'required': 0.02556710877075939, 'subject': 0.021084893032318388, 'order': 0.020402450886469477}, {'the': 0.22032186782688218, 'Wall': 0.08041585501825703, 'Main': 0.036883567720975875, 'said': 0.023617574919120803, 'a': 0.02326729386279427, 'Sixth': 0.021649458936570262, 'Third': 0.02035316981414042, 'Seventh': 0.019514632309097977, 'Fifth': 0.018632466426041938}, {'that': 0.3633367469812165, 'which': 0.10666826865044596, 'if': 0.09173988622614324, 'as': 0.0693923631155659, 'when': 0.0567787896411103, 'and': 0.05402159942240152, 'where': 0.04665098988630387, 'what': 0.0357350225177209, 'whom': 0.03377515745052169}, {'he': 0.15894147550600163, 'and': 0.10751901299835717, 'it': 0.0831827616067176, 'who': 0.06981368236658048, 'He': 0.0686136696118975, 'It': 0.0658902456892773, 'which': 0.05264686859356078, 'that': 0.03799413723792947, 'she': 0.02609136165376587}, {'the': 0.6904416789428107, 'and': 0.06532153351617244, 'of': 0.03584091569470609, 'a': 0.03472613999351585, 'The': 0.03432542454474678, 'tho': 0.02964241695087929, 'in': 0.021560290659566578, 'tbe': 0.009318461471493962, 'by': 0.008120245575375308}, {'of': 0.2852801978851103, 'in': 0.22863452796726155, 'with': 0.07838198086596146, 'and': 0.05991102210240483, 'In': 0.053767630937306146, 'to': 0.05060870037121889, 'that': 0.042205263582148614, 'for': 0.04212083426514187, 'by': 0.03160521172803325}, {'be': 0.24567729887660125, 'and': 0.15824811621638554, 'was': 0.14622178652620912, 'been': 0.1203465492052078, 'is': 0.07757053792826063, 'are': 0.06617453104199553, 'were': 0.060473464676423616, 'being': 0.024116707012134284, 'so': 0.022908919751317005}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'in': 0.37845433526659933, 'the': 0.18445310316419072, 'In': 0.10171967251718503, 'a': 0.09148250859940796, 'take': 0.0775899422216241, 'took': 0.036324571764191224, 'and': 0.022421338507606553, 'or': 0.021199335893820063, 'have': 0.02015228180616662}, {'the': 0.22152908922107623, 'and': 0.11775619864276324, 'to': 0.101830056062043, 'a': 0.08885427599978785, 'of': 0.08315011955978555, 'be': 0.050465238931425675, 'his': 0.037415073774885066, 'was': 0.0357382763774651, 'The': 0.03284724276897837}, {'the': 0.185238834682968, 'of': 0.12123088263282354, 'and': 0.0768455467294047, 'to': 0.04211102587290234, 'a': 0.03601127308963934, 'in': 0.034429288661130916, 'be': 0.028449607187833067, 'for': 0.02606457397223692, 'his': 0.024240276306564737}, {'a': 0.5787205270870426, 'the': 0.12416523666218765, 'most': 0.06981299818932635, 'very': 0.051260589920846686, 'this': 0.02920394066148553, 'an': 0.027232142047944264, 'any': 0.022752894470876816, 'and': 0.01941558783485668, 'of': 0.01809959766845632}, {'to': 0.1984132960043857, 'I': 0.16476624105764204, 'we': 0.0854694614235194, 'would': 0.07917963636623225, 'they': 0.07150752355232173, 'and': 0.06690589929119553, 'who': 0.05679143207402791, 'will': 0.050460963042359586, 'you': 0.048124677703519525}, {'the': 0.10443892495977233, 'a': 0.08946846493844048, 'Yours': 0.08091385590116577, 'and': 0.07015926559544745, 'was': 0.05962000304483101, 'are': 0.05340472585592029, 'be': 0.046478390716698875, 'or': 0.045692404952312055, 'were': 0.03536672884640738}, {'of': 0.22662308888108185, 'in': 0.18964481364299854, 'and': 0.11378623228504334, 'to': 0.09892440201722745, 'at': 0.06647409834692229, 'on': 0.05825148796293578, 'with': 0.043919693941726595, 'from': 0.03576542462202651, 'all': 0.03401286525596535}, {'the': 0.1932483864175077, 'of': 0.09215546924032508, 'and': 0.07824543891366477, 'a': 0.0708425600317802, 'to': 0.04880941220093703, 'an': 0.04830843688623044, 'as': 0.02863387842090127, 'in': 0.026734966912618414, 'that': 0.02165242547398449}, {'the': 0.17792325384139387, 'his': 0.1276032519272698, 'a': 0.11476063932803247, 'and': 0.09937397649196833, 'is': 0.07158390852807732, 'was': 0.0475961597293144, 'their': 0.043919669121910844, 'are': 0.03975278802651324, 'her': 0.039436990853688104}, {'has': 0.3567717572159487, 'have': 0.28481880124164843, 'had': 0.17074846797050267, 'having': 0.047250042808216236, 'not': 0.032502069724600985, 'bad': 0.015134973053759312, 'ever': 0.01329112825124036, 'lias': 0.01302169827366971, 'already': 0.01001451682405703}, {'the': 0.10106071109598055, 'and': 0.09020716111310703, 'of': 0.08271156670587738, 'a': 0.0735174315398139, 'to': 0.042148440262217035, 'be': 0.02759227239286915, 'was': 0.026256201757378275, 'for': 0.02266163288008483, 'is': 0.02153591649609024}, {'those': 0.15332713434261774, 'men': 0.09852343076918811, 'man': 0.09108925393623991, 'and': 0.08316084892215062, 'one': 0.049278830962396956, 'person': 0.030054934918624748, 'people': 0.02891177501254077, 'all': 0.0251811854745125, 'persons': 0.022453834133164652}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'of': 0.1523171455948246, 'the': 0.1261022570500043, 'a': 0.10130584766761537, 'in': 0.08940372878005667, 'to': 0.06308465833271136, 'at': 0.06083531717000523, 'and': 0.041650065278679475, 'by': 0.033119965684613256, 'with': 0.027460153966666068}, {'the': 0.42629685838681164, 'an': 0.1454945007790191, 'his': 0.07858354928137083, 'of': 0.05775634408977205, 'their': 0.05042613426433262, 'The': 0.04855436985155037, 'her': 0.04740633566640519, 'my': 0.04214508064287519, 'years': 0.040353220150371634}, {'of': 0.09825390434438497, 'the': 0.09098418013882137, 'and': 0.07794623491344993, 'to': 0.0534957146415912, 'be': 0.046929961189797025, 'in': 0.03133437670650079, 'or': 0.028248261083669284, 'for': 0.024019135207191417, 're-': 0.02305439953768153}, {'the': 0.6680109351403177, 'The': 0.05262341701778852, 'of': 0.03755009234307869, 'and': 0.03493391678850753, 'tho': 0.033985645788908045, 'a': 0.028265812010034797, 'all': 0.019200096061891034, 'tbe': 0.014647568188633555, 'other': 0.009130701589495683}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.13359841229481367, 'of': 0.10722868809701923, 'to': 0.08468436228570987, 'and': 0.0769275276847789, 'be': 0.039566337577568104, 'in': 0.03844156773653662, 'or': 0.022152100802329208, 'was': 0.02167461675420071, 'is': 0.020608333839702574}, {'the': 0.15995610492909795, 'of': 0.08975731831414183, 'and': 0.08723535373393551, 'to': 0.048504837779401296, 'a': 0.04295842003084686, 'in': 0.027153276459219434, 'be': 0.0194709434073374, 'his': 0.01797141192421674, 'or': 0.017280069120522885}, {'the': 0.23672768200098226, 'of': 0.10821214487209159, 'and': 0.07617922987160289, 'in': 0.06956798461803244, 'a': 0.05115539486297237, 'to': 0.03488354090458153, 'or': 0.029194848805874644, 'on': 0.026322956811111617, 'at': 0.024836462639183078}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'her.': 0.053707335003007554, 'it.': 0.027022723290610763, '<s>': 0.02563979094955151, 'him.': 0.01947840746388987, 'them.': 0.01627372518980067, 'life.': 0.008942127752383053, 'home.': 0.007894967725009127, 'time.': 0.007329537502999606, 'day.': 0.005722546871210294}, {'of': 0.2856407962706052, 'to': 0.13138591123661322, 'and': 0.09712545286083987, 'that': 0.09701085867909591, 'in': 0.07903686433336693, 'by': 0.06040083014931397, 'on': 0.05175289124554947, 'with': 0.042181271785195235, 'from': 0.03439193171562057}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {'with-': 0.17925595498029356, 'get': 0.0857848492773426, 'find': 0.0695101313110028, 'carry': 0.06437911857524145, 'make': 0.06077580695338314, 'and': 0.058104380642676534, 'put': 0.046381928662386857, 'made': 0.04422414085084217, 'sent': 0.04358793828000636}, {'the': 0.5111090262072586, 'of': 0.1420432972344935, 'a': 0.05968264301281789, 'The': 0.05624903678220063, 'said': 0.040291035619411844, 'and': 0.03123421099407665, 'tho': 0.030699518121233425, 'for': 0.029081111325731213, 'our': 0.022494165609755503}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'it': 0.1980939307225453, 'It': 0.13525533941982612, 'which': 0.08377684990632499, 'he': 0.06004140654396108, 'and': 0.05966485597150889, 'that': 0.05436830627384283, 'there': 0.04364278051896127, 'who': 0.03177530837613336, 'what': 0.025941575501053388}, {'number': 0.14636992495396783, 'out': 0.06410823160796442, 'sort': 0.03904761313596987, 'means': 0.035742087437370194, 'kind': 0.03351361275039236, 'line': 0.03201241609146634, 'point': 0.03105361471839509, 'one': 0.028890506958919007, 'amount': 0.0267904860754368}, {'for': 0.31347731567660725, 'of': 0.13750675168888332, 'in': 0.09917013755521094, 'within': 0.0571936270129249, 'and': 0.055722160042404247, 'as': 0.046682717537278234, 'about': 0.04351145147915972, 'cents': 0.042172512625251395, 'twice': 0.04036308669597864}, {'and': 0.10719705245146276, 'be': 0.09389807352110356, 'was': 0.07229698354302501, 'is': 0.06685593393021591, 'of': 0.04974833336487548, 'been': 0.04071036017570111, 'to': 0.03842859307927579, 'in': 0.036942346222172406, 'are': 0.036465881671045516}, {'is': 0.1573902894205876, 'was': 0.1327037852413265, 'for': 0.10380920308573585, 'of': 0.09844916481116477, 'with': 0.08911724596197025, 'to': 0.07622472019780908, 'and': 0.06744550136748267, 'in': 0.058489486625931515, 'be': 0.04361247234204678}, {'the': 0.05349741550212623, 'of': 0.04590385793021979, 'and': 0.041651948114047585, 'in': 0.040298984196493096, 'is': 0.029768248912341373, 'was': 0.02794534656873325, 'a': 0.027443439340953054, 'with': 0.025707855973835656, 'on': 0.02401187109132765}, {'and': 0.14059755483832867, 'of': 0.11230072386349535, 'as': 0.08864292577450936, 'that': 0.06434566422837298, 'to': 0.061640798081394256, 'with': 0.060719854440958364, 'for': 0.05753984271680764, 'but': 0.05152595942145914, 'make': 0.0436246022290303}, {'and': 0.2756764447461596, 'or': 0.07726874963762322, 'in': 0.04185656292708539, 'to': 0.033898408483615, 'but': 0.03248140521784311, 'of': 0.030538934832232918, 'that': 0.0294365582203279, 'it': 0.026395308411391417, 'for': 0.026349165954236805}, {'to': 0.7163138085829904, 'will': 0.06207526457387115, 'not': 0.02892107970462327, 'I': 0.02680212557520485, 'can': 0.026228533035463075, 'they': 0.025587137206254253, 'and': 0.023832135783537278, 'we': 0.022810775371604416, 'could': 0.022603103635704707}, {'is': 0.0688967151794194, 'him': 0.06433750120238042, 'order': 0.06030810362035452, 'and': 0.05484823859607231, 'able': 0.05290310936591009, 'proceed': 0.05004186761240622, 'enough': 0.04719478432205323, 'was': 0.04644088274749483, 'had': 0.04358632129587776}, {'the': 0.1424138699701123, 'and': 0.07695824487137036, 'of': 0.04117562431962741, 'that': 0.029157403860512528, 'to': 0.028718924692087443, 'a': 0.026056874279048528, 'in': 0.01821257463809048, 'The': 0.016875516704432082, 'at': 0.015636144313654197}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'well': 0.11907046667250307, 'is': 0.06088217883949019, 'and': 0.059098448444265976, 'just': 0.05355557875636141, 'such': 0.04334961923894068, 'far': 0.0380921554283769, 'soon': 0.03699359680521392, 'was': 0.03592480404418792, 'it': 0.032295049350175714}, {'he': 0.052431633112404515, 'I': 0.04848973083063133, 'and': 0.037785397409650624, 'it': 0.026266185405768614, 'who': 0.024310925656297458, 'they': 0.018516818934861366, 'which': 0.018448821238048658, 'as': 0.017524354684456556, 'that': 0.01625872250065924}, {'of': 0.39698951769866986, 'to': 0.11258230243953897, 'in': 0.10476887014429129, 'that': 0.06316873043759856, 'and': 0.05818940909335715, 'all': 0.04878032111042445, 'by': 0.04548011728544606, 'on': 0.044139622854884805, 'from': 0.03773900548750108}, {'the': 0.6610907826864465, 'The': 0.07933916036617687, 'and': 0.0386898264873078, 'very': 0.03531603688497169, 'his': 0.03371380871673303, 'tho': 0.02889262435305825, 'their': 0.02480104800530475, 'our': 0.019531865974521813, 'its': 0.016929823431948196}, {'and': 0.1869977471298576, 'that': 0.15425107970117555, 'is': 0.05929234190473823, 'was': 0.05163200584888085, 'not': 0.049965008454566466, 'to': 0.048804271854056835, 'but': 0.04613442658947663, 'or': 0.04425339436710805, 'have': 0.04182375420439181}, {'and': 0.0836389248117427, 'that': 0.03950007490069035, 'was': 0.03274056354634839, 'it': 0.02947362322161389, 'are': 0.026365920289678397, 'is': 0.02609191267921472, 'them': 0.019995294921991754, 'be': 0.01944096444485078, 'made': 0.017399147772716398}, {'he': 0.21981948358079664, 'I': 0.15730995485347785, 'they': 0.08525040097733716, 'and': 0.07932033000010184, 'He': 0.07243125487580726, 'it': 0.058255513500560296, 'she': 0.04828481270792928, 'who': 0.03612840647675088, 'we': 0.03452658939629758}, {'will': 0.14247743976014166, 'and': 0.12414892419084426, 'I': 0.1051554732330549, 'not': 0.0906248334164209, 'a': 0.08808092862328695, 'shall': 0.08145994763069694, 'was': 0.05678055040626941, 'the': 0.047241130666774295, 'have': 0.045325408480454764}, {'has': 0.08162210178856502, 'and': 0.07172488785329631, 'the': 0.06029837174784805, 'had': 0.05754475186432662, 'have': 0.05159447459661385, 'of': 0.039971017639527755, 'which': 0.027081963746897517, 'to': 0.025935143543762546, 'it': 0.0256255241086726}, {'the': 0.20062203832720613, 'our': 0.12291159133576889, 'and': 0.10880162838595765, 'of': 0.10418850610907375, 'many': 0.08431246660558067, 'their': 0.049912580341011974, 'his': 0.04424606829474821, 'in': 0.038549347008318365, 'fellow': 0.03605628482499565}, {'of': 0.555255226383508, 'in': 0.1421676977524776, 'to': 0.07323421726302883, 'by': 0.05882628329192138, 'In': 0.030764441623925613, 'from': 0.025925437085689153, 'that': 0.02559698099416314, 'for': 0.02230903694713729, 'and': 0.021535907479173094}, {'the': 0.09094154620026394, 'and': 0.08163018884076892, 'of': 0.07088752568791418, 'it': 0.04208911945060191, 'that': 0.039174204771433935, 'will': 0.0328994171028846, 'to': 0.031951116615408684, 'a': 0.031641365961923414, 'as': 0.02969932252583154}, {'the': 0.18853282872521002, 'of': 0.12116143306660365, 'and': 0.07342445680419352, 'to': 0.04908931804570617, 'a': 0.04824701106836745, 'Mr.': 0.02833745636135493, 'his': 0.022614817888550146, 'be': 0.022451442877691016, 'was': 0.022359183986038488}, {'and': 0.07790412023436517, 'him': 0.05422025212544492, 'asked': 0.038512528950999866, 'but': 0.02607011559016478, 'was': 0.020009517338140312, 'it': 0.019968728271418597, 'them': 0.019487412553938124, 'her': 0.01837900820586426, 'time': 0.015597701703082622}, {'<s>': 0.07704475543683643, 'it.': 0.025100723070543614, 'them.': 0.01742294105860036, 'time.': 0.013302129649668358, 'country.': 0.011041981484668981, 'him.': 0.010141411548803457, 'year.': 0.00898545708619291, 'life.': 0.008253716150211568, 'people.': 0.00804786573972562}, {'and': 0.09908815521668295, 'as': 0.07911264380763787, 'went': 0.052834216397427414, 'go': 0.04660558487728201, 'them': 0.042863396665752854, 'according': 0.03695131229356166, 'way': 0.03281610903613666, 'up': 0.031155323387269417, 'is': 0.028444951834121813}, {'thence': 0.12149077886856945, 'of': 0.06827682617696272, 'U.': 0.044636871039483904, '.': 0.041043998461030094, 'and': 0.03621453064391693, 'S.': 0.03122887522215483, 'to': 0.025364930317688716, 'by': 0.019863684181669627, 'W.': 0.017948685126558537}, {'the': 0.45354213300867474, 'a': 0.09687780292026889, 'of': 0.08059702577993412, 'in': 0.07676343785856798, 'his': 0.056327123502642205, 'their': 0.05220411951695797, 'no': 0.046829854806678506, 'for': 0.037941384365582816, 'to': 0.03773622502188375}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'the': 0.265130398137809, 'and': 0.12519385181733506, 'his': 0.10634088533894923, 'a': 0.10251232614768914, 'their': 0.04423386839029663, 'that': 0.03937208779891026, 'her': 0.03754685369387576, 'to': 0.03538925188737164, 'little': 0.02776832622013421}, {'in': 0.41063943309642925, 'a': 0.09634272047001935, 'of': 0.08940227442129334, 'In': 0.07797599845773917, 'their': 0.06380369708932095, 'the': 0.05849201119205889, 'his': 0.05798326976742148, 'and': 0.03998293956484452, 'its': 0.03172257199837985}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'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.2965754736388826, 'to': 0.12184430959952754, 'or': 0.09833226277358526, 'in': 0.0886377175234889, 'for': 0.07309446971300021, 'than': 0.07015757047668707, 'by': 0.0634195579915413, 'without': 0.049714409318609994, 'that': 0.04809705328870426}, {'in': 0.01127224113125253, 'due': 0.011023507084285365, 'it': 0.010960422462609446, 'time': 0.010703874640440992, 'men': 0.009693370929990121, 'long': 0.00831134026323938, 'up': 0.008168765878335045, 'good': 0.00793177142602085, 'him': 0.007723553849035777}, {'out': 0.10225216611557866, 'right': 0.057304888712284424, 'number': 0.05715792792703613, 'one': 0.0466508639524278, 'matter': 0.04559531527894779, 'amount': 0.044103835833335575, 'state': 0.03061805682222677, 'means': 0.024441754664227596, 'line': 0.023767140435430253}, {'the': 0.29798287198666645, 'a': 0.14763840027259248, 'of': 0.1033037378720087, 'and': 0.09568089556860623, 'with': 0.07207271836414561, 'very': 0.056231430523724334, 'The': 0.04584902077003465, 'to': 0.03992705487305276, 'as': 0.037115438335576935}, {'and': 0.06768249648771371, 'closing': 0.05038441006242118, 'was': 0.030106359721431927, 'valued': 0.02402480983540195, 'held': 0.021992507596520498, 'sold': 0.020844680257419507, '2': 0.02033818480455847, 'is': 0.020075600303976093, 'arrived': 0.019016818863824298}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'to': 0.37934062277577824, 'will': 0.15481601553462865, 'may': 0.09364521932170006, 'not': 0.06614952838596877, 'should': 0.0649661406283383, 'would': 0.06270751586269149, 'shall': 0.04421578570101149, 'can': 0.04273468123543787, 'must': 0.04064985771301645}, {'and': 0.179961565402729, 'the': 0.13673031560097307, 'of': 0.10572500432710928, 'a': 0.049701571521053395, 'to': 0.034448918280457805, 'with': 0.02348150440971066, 'for': 0.019946641835042193, 'or': 0.01801947419181354, 'at': 0.016117221720131535}, {'the': 0.15652611851408013, 'of': 0.11422780979931677, 'and': 0.08504708330440851, 'to': 0.0361649818302569, 'that': 0.034242784026918806, 'The': 0.03231408857727781, 'in': 0.03112054089137663, 'which': 0.02089336217717246, 'or': 0.017507140879938755}, {'one': 0.20044177633608676, 'many': 0.14081449848702865, 'some': 0.1389192931919797, 'most': 0.06272348493069707, 'all': 0.06268546092929618, 'Many': 0.05248414375525803, 'Some': 0.04951615206482931, 'none': 0.04709153534396933, 'any': 0.038581425553860765}, {'the': 0.4400628133250496, 'this': 0.09121723441625162, 'said': 0.08709108174002031, 'a': 0.06333135262771604, 'of': 0.053627261894023996, 'district': 0.05326423483484951, 'supreme': 0.05153286857545813, 'circuit': 0.02663686757797605, 'in': 0.02486339558456013}, {'the': 0.1604367088330082, 'of': 0.09765593663017699, 'and': 0.06710487855124979, 'to': 0.043494489894731585, 'be': 0.02730278726401943, 'or': 0.020331751271195693, 'for': 0.019459334836667896, 'as': 0.016953915450865796, 'in': 0.016752859896640264}, {'a': 0.4143772636962491, 'the': 0.2684267346851558, 'large': 0.12508734203529223, 'A': 0.04548145434041408, 'The': 0.04133793429389639, 'great': 0.016838353931048, 'total': 0.013281114561676135, 'and': 0.010567616319534739, 'tho': 0.009382732376109449}, {'of': 0.36368252303300463, 'to': 0.13027329824830888, 'for': 0.09776448506523402, 'with': 0.09057337436341176, 'make': 0.04921747411747053, 'by': 0.03904283431564967, 'give': 0.038653788276981016, 'in': 0.037933993667219744, 'keep': 0.035863143072978367}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.2025196638110692, 'of': 0.1492172018856196, 'and': 0.04883098782266888, 'in': 0.04621378053544378, 'to': 0.03606766954524527, 'on': 0.034946666184092576, 'at': 0.03096312598626036, 'a': 0.028667151799509405, 'said': 0.017992325584110794}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'of': 0.40415180263174993, 'and': 0.09306994243299972, 'to': 0.08069536146868776, 'about': 0.054323375027285264, 'in': 0.05301669755281054, 'from': 0.040694961341194394, 'with': 0.03334065737842088, 'for': 0.031677510013819625, 'at': 0.031339047185332654}, {'the': 0.254766915733356, 'of': 0.08929825185227248, 'and': 0.06173262670074447, 'that': 0.05221721490030757, 'The': 0.04389088305407843, 'a': 0.036317544461762045, 'Mr.': 0.0348561244490311, 'or': 0.023164243990297175, 'no': 0.019942012255616374}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'and': 0.1859950312031682, 'he': 0.12293589716890235, 'has': 0.10798173634453322, 'I': 0.07617338901335075, 'have': 0.07303470745590473, 'had': 0.06780271154877483, 'He': 0.05526244769276562, 'be': 0.05359529423881045, 'who': 0.049742088858993255}, {'matter': 0.16776270969129245, 'and': 0.14084511022500062, 'know': 0.1312280515828921, 'see': 0.1237225934061599, 'of': 0.03346643141167467, 'to': 0.03208335196417032, 'or': 0.028172799885293625, 'show': 0.026020357841678055, 'but': 0.02525510377214597}, {'the': 0.15695400583889152, 'and': 0.1528746722475716, 'of': 0.12434124027869063, 'a': 0.11147221913156936, 'with': 0.06171749708136835, 'is': 0.050996891677652804, 'are': 0.044792256928595425, 'was': 0.03888279231228897, 'The': 0.03561925900678056}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'a': 0.40107496276020804, 'the': 0.28494005429726493, 'this': 0.12060503965929463, 'very': 0.04301718555638038, 'The': 0.038712648539862636, 'A': 0.0230713507181869, 'of': 0.02148429296419101, 'and': 0.020670939341690415, 'tho': 0.016633085677481747}, {'this': 0.2243785684903094, 'a': 0.16321723740719163, 'the': 0.14314298955061452, 'every': 0.06979317726464583, 'other': 0.04509584610747228, 'that': 0.035030906136041616, 'one': 0.02780226356102977, 'of': 0.02749524741282102, 'each': 0.023974171312991524}, {'not': 0.2986272386116719, 'can': 0.17218642469274875, 'could': 0.12770916419822684, 'will': 0.06702435991208268, 'would': 0.06584431010690463, 'the': 0.04375446771388289, 'and': 0.0364940882481305, 'Not': 0.025082015912571958, 'that': 0.01946917190782133}, {'south': 0.18892264052162036, 'east': 0.15424552122112417, 'north': 0.13922936382851078, 'the': 0.13446536801349496, 'west': 0.1123084645845971, 'one': 0.08590637655031562, 'each': 0.04371357586053902, 'either': 0.03809997641734643, 'other': 0.022414556220482378}, {'be': 0.34055074562224114, 'been': 0.10695369675493352, 'was': 0.07389586109034484, 'are': 0.05632912730320499, 'and': 0.05038138459936513, 'were': 0.0456953803270148, 'have': 0.04542129115850641, 'is': 0.04536573663577356, 'just': 0.02931566491300959}, {'the': 0.23093310510372594, 'and': 0.0847341422110655, 'The': 0.07026898733194538, 'that': 0.05237991124365901, 'of': 0.04592464360626384, 'These': 0.038835675722115826, 'in': 0.02752969591241602, 'New': 0.025197470950863513, 'these': 0.021185528931404768}, {'the': 0.18673376287755653, 'of': 0.08479543529356735, 'and': 0.08241441771811453, 'a': 0.05977719283885075, 'be': 0.05321301869803664, 'to': 0.05093099430522586, 'was': 0.035315943964357964, 'is': 0.03284878071026813, 'in': 0.02776186629559035}, {'at': 0.35036358595384126, 'about': 0.18780057381604656, 'for': 0.11561679947529549, 'of': 0.08516283469103747, 'and': 0.05960002971559217, 'or': 0.05243756972776823, 'At': 0.03929804682330321, 'About': 0.03482337787733852, 'in': 0.027239850572947727}, {'is': 0.5062150759205998, 'was': 0.15172676019398615, 'so': 0.08930971412971002, 'Is': 0.055900127950240394, 'are': 0.046545569716984925, 'very': 0.03329577745505434, 'be': 0.0326237302388185, 'and': 0.030308783795730068, 'not': 0.021784348594357093}, {'and': 0.12060784673633788, 'to': 0.09760377242605063, 'was': 0.06656086378455782, 'be': 0.05502306152145558, 'is': 0.038588775599745016, 'the': 0.03569543291101184, 'were': 0.025742927461929424, 'are': 0.02508724121555304, 'of': 0.024351928608498073}, {'the': 0.3207251582212973, 'a': 0.13437685833464877, 'to': 0.1215926900729473, 'and': 0.08160606338555253, 'The': 0.06781473810880878, 'annual': 0.018818468266518132, 'tho': 0.01585915851800436, 'this': 0.013053757498232012, 'of': 0.012451225845289474}, {'one': 0.016205199953911776, 'more': 0.014850368963924498, 'on': 0.011077444877729834, 'day': 0.010651749053865015, 'two': 0.010644879159957422, 'person': 0.007819629515499037, 'in': 0.007673885993340908, 'man': 0.007480463731075341, 'law': 0.0064657706989891236}, {'of': 0.31837327992122233, 'the': 0.27331967015299663, 'in': 0.089225974344666, 'on': 0.08690441541863707, 'to': 0.0488963791969852, 'and': 0.03285763294564142, 'by': 0.026730418752908377, 'which': 0.024784627207875873, 'upon': 0.02276602046531638}, {'for': 0.2366974705124729, 'of': 0.20248953455740962, 'in': 0.1586941440586203, 'to': 0.07879519664539339, 'that': 0.05718844228448422, 'and': 0.046494856742731655, 'In': 0.03905451771720275, 'at': 0.03502292536472118, 'with': 0.03001544919626739}, {'the': 0.49212195876577564, 'a': 0.1215566491361131, 'and': 0.08638977678117218, 'The': 0.05467799428657389, 'tho': 0.0385188300676552, 'A': 0.022014952311890334, 'of': 0.017695590617203286, 'that': 0.017689309543583134, 'tbe': 0.017077259913619636}, {'far': 0.0840035978957296, 'such': 0.07777727778666227, 'well': 0.07456910421620982, 'and': 0.06519596031111857, 'soon': 0.03318020300572441, 'thereof': 0.0331741209481453, 'but': 0.03214868678565724, 'long': 0.030056060216089257, 'it': 0.024597120988885463}, {'to': 0.3349567566329282, 'will': 0.22287663620316933, 'may': 0.08931660960500185, 'would': 0.06950958845206008, 'should': 0.05066848880214279, 'can': 0.04749414498439884, 'not': 0.04452292219449202, 'shall': 0.04113971864157628, 'must': 0.03664501746915539}, {'the': 0.5311568457998344, 'and': 0.09443973246097857, 'a': 0.05656901542137617, 'or': 0.04019062731660736, 'The': 0.03406226308392517, 'of': 0.029198277012386042, 'tho': 0.02411427139973449, 'other': 0.018838262059954407, 'large': 0.01464843515718264}, {'of': 0.22910330134960324, 'in': 0.18427321891394577, 'to': 0.13451795787625417, 'for': 0.08833154258734385, 'and': 0.07990727691549677, 'with': 0.06504212574072499, 'by': 0.037701477249072086, 'that': 0.03696809253749683, 'from': 0.03416777110479035}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.11736792520358612, 'that': 0.04786308738484356, 'made': 0.037441265433318154, 'is': 0.03492261740729612, 'was': 0.034646122418110326, 'placed': 0.02810210111465904, 'as': 0.02546551106103744, 'be': 0.025160666769283038, 'or': 0.024769337014637474}, {'due': 0.08489921115446467, 'and': 0.05758235575046415, 'called': 0.0554739200696498, 'made': 0.03868741715364535, 'based': 0.03641595094822058, 'looked': 0.03194953122919189, 'look': 0.030907055381358493, 'depend': 0.026518131718662356, 'depends': 0.024708153552631108}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.2560859844498638, 'days': 0.06870611881565612, 'that': 0.0625252901540825, 'soon': 0.0460747072499323, 'time': 0.03588507194720647, 'but': 0.031229850577955458, 'it': 0.027963647122711464, 'immediately': 0.0262541199139765, 'and,': 0.025595095903715493}, {'it': 0.13605435632107635, 'that': 0.10585103616980716, 'he': 0.08449575911509653, 'they': 0.08312325752824481, 'which': 0.08057994846866602, 'I': 0.06321866300029443, 'there': 0.06296112005595805, 'and': 0.04713617147110637, 'It': 0.04182946099373244}, {'and': 0.1324441442329945, 'of': 0.06680995290460447, 'to': 0.04305595122972603, 'be': 0.0394858399886417, 'is': 0.03911553055164486, 'that': 0.03888098968748212, 'all': 0.0362436430792782, 'for': 0.0328711262945118, 'have': 0.031230821493095386}, {'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.500387962563229, 'a': 0.08586171780930137, 'of': 0.0672778150631903, 'and': 0.04998464096881559, 'all': 0.0346514447591888, 'such': 0.031319297881522136, 'The': 0.02398301727881162, 'tho': 0.022896428483697478, 'other': 0.020797939763196892}, {'went': 0.0859649131984472, 'go': 0.0740156727463613, 'came': 0.05340569088270274, 'back': 0.046824518702947265, 'it': 0.046591197665674745, 'out': 0.04597094137011748, 'put': 0.04419418637857149, 'down': 0.040075377835223074, 'come': 0.03708818962066005}, {'of': 0.4126809808321851, 'in': 0.16587944220184697, 'to': 0.08154228025050538, 'In': 0.05919952858167295, 'for': 0.054524849443802634, 'with': 0.051595123277980035, 'by': 0.0447683333225132, 'from': 0.04324801782603454, 'that': 0.03412545017290276}, {'the': 0.44840448517616555, 'an': 0.13036789719811379, 'of': 0.1074156200001892, 'and': 0.058657425751070795, 'in': 0.05615761786145124, 'by': 0.03448824682025657, 'on': 0.033031762962520556, 'The': 0.02752333835483986, 'this': 0.0246471739758724}, {'10': 0.09783375098311685, '6': 0.08945258797176923, 'ten': 0.08059819531681177, 'six': 0.08042293199504313, '50': 0.0743058312189585, 'five': 0.0645954168315491, '5': 0.06333442197557942, '20': 0.06235981037535323, '25': 0.04552704754563818}, {'it': 0.1529759117088283, 'they': 0.12900861688127677, 'and': 0.0820497169395592, 'which': 0.07230317218302243, 'It': 0.07112543234870453, 'he': 0.06265840726503721, 'I': 0.053027597796598526, 'you': 0.04787969345320055, 'that': 0.044499308567498085}, {'to': 0.19999388932212012, 'his': 0.1960509815915387, 'a': 0.18045811540577456, 'the': 0.08323778173040643, 'their': 0.04684689577428132, 'as': 0.0455973204622876, 'and': 0.04265921744699642, 'of': 0.032980456100649584, 'her': 0.03235583961562262}, {'of': 0.12844192869237697, 'and': 0.05557903306539769, 'in': 0.05168248107466131, 'that': 0.04811523298319257, 'for': 0.02806706937661881, 'to': 0.015273160824528873, 'on': 0.013552589472690486, 'but': 0.012265233849584863, 'from': 0.011358401096651965}, {'part': 0.03886558110725678, 'day': 0.03296936676571784, 'side': 0.030693425309108454, 'out': 0.027611097510122872, 'one': 0.027532240983745612, 'line': 0.024072793497978247, 'number': 0.024002314386001294, 'name': 0.018933842635047538, 'people': 0.016629492974635656}, {'called': 0.09434834981267108, 'and': 0.057802292237374854, 'based': 0.040576068956632745, 'looked': 0.03389804111121876, 'depend': 0.032735486453654324, 'insist': 0.026273389924163462, 'made': 0.02626778442960766, 'depends': 0.025610207216981082, 'call': 0.02422924141103021}, {'the': 0.5767111732207268, 'The': 0.06558074159558609, 'any': 0.046908176153357656, 'an': 0.04272299425174338, 'that': 0.04073615158942581, 'this': 0.03554658015940171, 'a': 0.03469096368327636, 'same': 0.03277901727245046, 'large': 0.03133652790844666}, {'and': 0.25720961866285197, 'was': 0.12961453238056947, 'is': 0.11296837314584404, 'are': 0.07108735391412743, 'but': 0.06230158942772193, 'were': 0.05904061522011706, 'He': 0.03147798948267028, 'be': 0.020316240709252566, 'has': 0.019425438359956134}, {'and': 0.05719681969754112, 'was': 0.051417951538657365, 'is': 0.04574892429858794, 'him': 0.043628331247742444, 'as': 0.03826099682342282, 'time': 0.03747989047059146, 'made': 0.0318563268719839, 'going': 0.029427007848375316, 'it': 0.027246350815056365}, {'the': 0.2990681448620706, 'and': 0.10168325453059884, 'of': 0.07826721263070845, 'The': 0.07263777667612902, 'that': 0.06746579251496841, 'or': 0.041087744535558045, 'which': 0.01981214746930685, 'this': 0.01977695021608807, 'our': 0.0192952965073436}, {'the': 0.31346356659961805, 'of': 0.17378625780594206, 'and': 0.08507401948054916, 'an': 0.05842601747413246, 'a': 0.044411959434107945, 'in': 0.03371576295064858, 'The': 0.029143656846218103, 'great': 0.02832054009814942, 'by': 0.02630858284591805}, {'the': 0.21257567777952444, 'a': 0.09357840903181255, 'of': 0.06760264457394143, 'and': 0.0579338372819663, 'per': 0.0501405981156574, 'two-story': 0.0430900211276214, 'by': 0.01999208792584657, 'to': 0.017549711171443494, 'with': 0.017409016419923356}, {'well': 0.12861105478714124, 'known': 0.11056901308738208, 'soon': 0.10265345104878522, 'far': 0.08113948490760056, 'and': 0.06324672230498624, 'long': 0.03717583764638481, 'such': 0.02924921957793252, 'just': 0.02412525568479837, 'much': 0.020403672152392097}, {'one': 0.08748891782679924, 'part': 0.0386083438747652, 'out': 0.02695093718388284, 'portion': 0.023576039796977998, 'side': 0.019628641177316258, 'some': 0.016085236502000392, 'that': 0.01565678845688778, 'tion': 0.015050944562145247, 'member': 0.013900571109613031}, {'the': 0.1276278941069943, 'of': 0.0988464882687013, 'to': 0.07392152012176398, 'and': 0.055574923732382736, 'in': 0.04255619067432269, 'a': 0.03403203530240953, 'by': 0.025014021808113306, 'at': 0.023551510708749685, '<s>': 0.017729480162299718}, {'and': 0.08025065369054898, 'is': 0.05788119092578115, 'him': 0.04550435518538343, 'as': 0.044598323691084026, 'able': 0.043166201442603164, 'them': 0.03817099012456731, 'began': 0.0368270620104561, 'was': 0.03669471267629883, 'right': 0.034719931881836696}, {'as': 0.17817368231685463, 'how': 0.1363851497662834, 'and': 0.12272150865086719, 'so': 0.09131206495248301, 'was': 0.06915370279818413, 'the': 0.06623635274014092, 'very': 0.060386445127957475, 'is': 0.04751264061767672, 'How': 0.03924784036147634}, {'of': 0.28173509271207214, 'to': 0.11433984891529174, 'in': 0.096972612420838, 'and': 0.07953887200472873, 'with': 0.0655327719575681, 'for': 0.06428702928501677, 'by': 0.054449850465287934, 'on': 0.0537946893771851, 'that': 0.05367971572574373}, {'the': 0.16697856281541437, 'of': 0.1003339393685195, 'and': 0.06984882915458458, 'a': 0.04488922607479607, 'to': 0.04088830265533055, 'his': 0.02565176292788663, 'be': 0.024770586036043842, 'my': 0.02346016304184917, 'I': 0.02178897985406721}, {'<s>': 0.07542577399652801, 'it.': 0.026785052195942537, 'him.': 0.02283594068113721, 'them.': 0.020963095408266966, 'day.': 0.009104681842649053, 'her.': 0.008181141919721538, '.': 0.007888971307781014, 'time.': 0.007811523829094278, '?': 0.007766334844893962}, {'the': 0.7434624422341765, 'The': 0.08640639291002164, 'a': 0.0709672577913853, 'tho': 0.04057873400649735, 'tbe': 0.015847738660732462, 'his': 0.010350712208355489, 'our': 0.004317031137581426, 'this': 0.004056744151819264, 'Tho': 0.0034496714114474513}, {'of': 0.1115365627077728, 'the': 0.08396072146998522, 'and': 0.08055326922488441, 'to': 0.03528935943243428, 'in': 0.019922753959262234, 'at': 0.01916040696000865, '<s>': 0.018194518318732283, '.': 0.01802629213431171, 'by': 0.01751117470156188}, {'the': 0.11325953509669133, 'of': 0.09238652388314822, 'and': 0.06961073103706661, 'to': 0.05336669874526027, 'at': 0.03472898944838507, 'in': 0.03224717342425975, 'a': 0.032093507208655656, 'for': 0.02518687190606003, '.': 0.01892269997327908}, {'as': 0.1971232194449605, 'if': 0.1543666686282697, 'that': 0.14742537720050378, 'which': 0.12829076272627232, 'and': 0.09252528381982005, 'when': 0.07413940256890077, 'what': 0.03423927347007233, 'If': 0.029339322614576023, 'but': 0.029255588103736834}, {'in': 0.36486849889930534, 'of': 0.17457730048728604, 'with': 0.06452780090904676, 'In': 0.06308943529834486, 'to': 0.06023363871345234, 'and': 0.05974230818392468, 'for': 0.049864830836151376, 'on': 0.04196167659029126, 'from': 0.0368205190191914}, {'the': 0.2568120588647896, 'his': 0.16264116375557433, 'of': 0.1185008207128859, 'my': 0.09642930753835283, 'a': 0.07060434087625381, 'their': 0.06958023180460166, 'on': 0.05313623899003004, 'her': 0.040844469456233365, 'and': 0.03949333681386336}, {'and': 0.0909855390434953, 'of': 0.041683888522875384, 'the': 0.04142230177292228, 'said': 0.033553747797956404, 'a': 0.032885307235077654, 'to': 0.03263387410630628, '<s>': 0.03262961106499046, 'for': 0.03026480679910581, 'as': 0.030035610532266756}, {'he': 0.2241163346537276, 'who': 0.08146226593114504, 'I': 0.07546220141221242, 'and': 0.060158609737562464, 'they': 0.05615617762221971, 'she': 0.05449451010156894, 'He': 0.04776348763813169, 'which': 0.04501530005511991, 'it': 0.03723585132075805}, {'the': 0.10152350330723316, 'and': 0.08585345918703786, 'be': 0.06651110320896302, 'was': 0.06604720700496236, 'of': 0.061521023673210634, 'to': 0.04656741658199581, 'is': 0.04004951896640153, 'been': 0.03296236907398091, 'a': 0.028864141860157844}, {'of': 0.2881084852611035, 'to': 0.11695042359810433, 'in': 0.11612425883348357, 'and': 0.0676209513584755, 'with': 0.059999875551068116, 'for': 0.053652151003525876, 'on': 0.051676945102502155, 'by': 0.04093520255770849, 'from': 0.038827044671752485}, {'he': 0.1641903122137171, 'who': 0.09922282191189637, 'it': 0.0976726424270312, 'they': 0.08507449946271829, 'which': 0.0818966649697151, 'that': 0.07822419443864899, 'I': 0.056225398331809076, 'and': 0.05100900018688734, 'she': 0.036957908558182005}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'they': 0.17792189038918232, 'we': 0.14475983047881869, 'he': 0.11796732906892801, 'it': 0.08048762804725285, 'you': 0.0734481395829675, 'who': 0.057365978119745836, 'I': 0.055014281145937254, 'and': 0.05346975013693131, 'that': 0.04866752191944281}, {'to': 0.4206888819985739, 'a': 0.15315622650389546, 'the': 0.08237102319966552, 'of': 0.05608342111627449, 'his': 0.04167082632243598, 'and': 0.020975248138855925, 'will': 0.017514240612620045, 'can': 0.016492189523421127, 'their': 0.01580175562785391}, {'street': 0.029508495977958276, 'State': 0.02809860256943886, 'day': 0.025064721140047846, 'city': 0.02288444717199995, 'north': 0.017152243627598884, 'Hundred': 0.013658932376927918, 'state': 0.0131047494445352, 'east': 0.01277041413614084, 'White': 0.010298855187198877}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'and': 0.0761546824699805, 'away': 0.06891202476505778, 'taken': 0.045495011228521974, 'them': 0.040274169569571104, 'him': 0.038884931712596556, 'returned': 0.03690430517783635, 'it': 0.03402146840185667, 'come': 0.03316858485027793, 'arising': 0.03295619050385978}, {'of': 0.23899420809892108, 'to': 0.15071855806085577, 'in': 0.12856856934841457, 'for': 0.08941072519196303, 'with': 0.05943059830695434, 'by': 0.058682046240239476, 'on': 0.057134598880631875, 'that': 0.044139687119868834, 'and': 0.041968889035928277}, {'the': 0.18676413513205287, 'of': 0.09426101215625676, 'Mr.': 0.058771944201632724, 'The': 0.05859229244755889, 'and': 0.047418876464759396, 'that': 0.040529935185272044, 'a': 0.030321438874415407, 'this': 0.017731168796550952, 'in': 0.015871221276314785}, {'the': 0.12742218105049305, 'and': 0.11490007217588885, 'of': 0.09610397386852208, 'to': 0.07603102312465053, 'a': 0.0403473937006834, 'at': 0.02508778246949631, 'in': 0.022281782997529368, '.': 0.02086539621095561, 'by': 0.018944924901770785}, {'and': 0.07616044510924229, 'is': 0.05333670658322973, 'able': 0.049729220001017226, 'not': 0.041882654234388104, 'necessary': 0.03861371991652263, 'him': 0.03806929133284308, 'enough': 0.037994248474011574, 'them': 0.035795665443171594, 'seemed': 0.034198009589415025}, {'the': 0.5299403906616236, 'of': 0.15491769393760219, 'surface': 0.0631255969289817, 'on': 0.03519613461529514, 'tho': 0.03433671356222837, 'and': 0.03358632271531246, 'to': 0.022864764420992948, 'their': 0.019842709820009945, 'said': 0.01705715409989858}, {'or': 0.20411660967091394, 'not': 0.12753812380481797, 'much': 0.0979760040563823, 'no': 0.09729786398708799, 'and': 0.06685371142103125, 'the': 0.06437309143764504, 'is': 0.06326158366928451, 'be': 0.05349577594520312, 'with': 0.0503975124061565}, {'the': 0.44571229538220575, 'The': 0.1590262829820595, 'and': 0.059457913226994195, 'a': 0.05717065238541455, 'his': 0.04344438786228418, 'an': 0.03726525021605224, 'tho': 0.03594263195539826, 'of': 0.028177509313661194, 'in': 0.022703854163795785}, {'I': 0.18555029944015486, 'we': 0.14396660464439537, 'they': 0.10608069921096873, 'We': 0.08240133963530778, 'will': 0.07284130144103719, 'would': 0.07159453743599965, 'who': 0.0683010536634077, 'to': 0.06683479999824092, 'you': 0.051960797843675126}, {'of': 0.2591356525419334, 'for': 0.14645113636165408, 'in': 0.13643779355435628, 'to': 0.06839419572807998, 'and': 0.06253906702029013, 'at': 0.04288099102347772, 'In': 0.039696284717345, 'that': 0.03813106560047942, 'nearly': 0.03714630090055353}, {'was': 0.14986279563709326, 'and': 0.11497655543091163, 'a': 0.10022089008465919, 'be': 0.0821604017444452, 'is': 0.08194223586685771, 'were': 0.048961449773971565, 'are': 0.04619116824090728, 'been': 0.0431751980959998, 'to': 0.03157361618244695}, {'all': 0.605550681629131, 'different': 0.0827246381184166, 'various': 0.06676335037177239, 'other': 0.056284808465554725, 'the': 0.038611773337188335, 'many': 0.030356567294533805, 'All': 0.018104970136587968, 'and': 0.01737211594681001, 'certain': 0.016322141082378193}, {'the': 0.42379715718514743, 'a': 0.16409608302397533, 'an': 0.09835652657752363, 'in': 0.06203670383744104, 'this': 0.05813780750739449, 'of': 0.03926160536547741, 'The': 0.03914621155865216, 'and': 0.036556972060788694, 'any': 0.033262165912438}, {'the': 0.2151392462986594, 'of': 0.09294868754237616, 'this': 0.09036398713871333, 'a': 0.07889639889751252, 'and': 0.05623088735477142, 'his': 0.0342708439234465, 'in': 0.030676680699147394, 'to': 0.028978041758202813, 'other': 0.02782833908119824}, {'of': 0.28923483202866285, 'in': 0.1215092338421147, 'for': 0.10483774537005579, 'with': 0.06801251940327781, 'to': 0.06165517963039316, 'on': 0.04326704701719952, 'upon': 0.03674782479630739, 'about': 0.03368483302280094, 'and': 0.03305801627126902}, {'was': 0.1510279163203125, 'is': 0.13362146484991913, 'a': 0.11117471087505741, 'be': 0.09997948885170323, 'the': 0.09277000092501754, 'are': 0.09019075140063572, 'and': 0.07566253929940002, 'were': 0.05966002947334349, 'been': 0.0497481244976764}, {'it': 0.1529288064086955, 'and': 0.11188696601512411, 'they': 0.09811845783497067, 'which': 0.07243542398640702, 'he': 0.07227908258599959, 'It': 0.06701878504209152, 'that': 0.05277251159290034, 'you': 0.051173942677106066, 'I': 0.04767294829229723}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'has': 0.13851526998379726, 'have': 0.11767316234353803, 'and': 0.09993272859221498, 'be': 0.07936575746655486, 'had': 0.07645988721618567, 'he': 0.06686266901062998, 'I': 0.052817838183880327, 'was': 0.05255198785169952, 'is': 0.04498274323469904}, {'a': 0.3014826943175475, 'per': 0.2719116454025364, 'the': 0.1271288409677723, 'one': 0.0738129253958588, 'last': 0.05161900351259279, 'every': 0.0395827774587112, 'this': 0.032365414218583285, 'each': 0.029667379129121152, 'next': 0.01956778163814852}, {'three': 0.16857477057198222, 'two': 0.14398956105219352, 'many': 0.12053382046391121, 'four': 0.09623062845653431, 'five': 0.08899112919957147, 'several': 0.06618919376673217, 'few': 0.06618009004866414, 'ten': 0.06214426461692831, 'six': 0.05278707794478872}, {'and': 0.11452215755892058, 'well': 0.07481411183740515, 'regarded': 0.044520915474994587, 'him': 0.03786628897047342, 'known': 0.037459800295165345, 'soon': 0.03254924246086493, 'it': 0.03161827225121157, 'is': 0.029389233671880267, 'but': 0.028735635031666464}, {'in': 0.3402672782661869, 'of': 0.16511333317846455, 'to': 0.06898193679946871, 'In': 0.06138159416310927, 'and': 0.05066496962929723, 'the': 0.044795355334549945, 'on': 0.03463509424045128, 'with': 0.02805633579911287, 'from': 0.027534811915553355}, {'as': 0.09206385354859457, 'and': 0.08790006858406335, 'able': 0.06162391389136167, 'is': 0.05389971901763698, 'right': 0.04519685164961117, 'necessary': 0.04453559473681151, 'enough': 0.04217556811256538, 'time': 0.03794671889202987, 'order': 0.03689873461469586}, {'quarter': 0.5484610117296641, 'line': 0.048689244710638825, 'corner': 0.0212721977367998, 'side': 0.01977544553959703, 'county': 0.013749831248932047, 'city': 0.013152655786777991, 'feet': 0.013007944996766467, 'out': 0.012336161775482949, 'south': 0.011653790616317047}, {'of': 0.19427933613636664, 'to': 0.1493560156993363, 'with': 0.10811215039081358, 'for': 0.0678795165217543, 'let': 0.05346042674044978, 'by': 0.049372622042596404, 'Let': 0.039454690934172976, 'among': 0.03070566419336571, 'upon': 0.02249566968765049}, {'two': 0.1561749386159729, 'many': 0.11748315955302761, 'three': 0.09979549270613325, 'few': 0.08146171727586618, 'four': 0.08065563294869965, 'five': 0.07757997055042867, 'ten': 0.07203446713483415, 'twenty': 0.06715262351771649, 'of': 0.06535991017005177}, {'he': 0.23104398627947131, 'who': 0.11529193466585597, 'I': 0.11442742752984854, 'they': 0.09659691011030586, 'have': 0.09163816059251412, 'and': 0.05850172282715897, 'she': 0.05209277842580453, 'we': 0.04502721343669084, 'it': 0.04098153813009937}, {'of': 0.1255008642960496, 'his': 0.07964496566893124, 'their': 0.07151000203923402, 'the': 0.07142097270809568, 'high': 0.06473729824174797, 'and': 0.05244486741675365, 'low': 0.036857982172085066, 'her': 0.025988335726718124, 'a': 0.02244053139513493}, {'an': 0.14817187747460286, 'of': 0.1355664128140705, 'and': 0.11262494529935026, 'the': 0.10135372061823461, 'in': 0.04024126919684095, 'his': 0.027294530496102063, 'her': 0.023378727827958478, 'man-': 0.02103572530611953, 'An': 0.018685258158978924}, {'line': 0.07277067760228191, 'side': 0.03295892183491609, 'number': 0.030220105020514015, 'out': 0.02621148751102366, 'corner': 0.02541799769812409, 'part': 0.024293254565486387, 'city': 0.024185568045171413, 'state': 0.01952619708996478, 'name': 0.016479540576200928}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'number': 0.13690696148277373, 'amount': 0.11503344496748052, 'out': 0.06306381475358491, 'plenty': 0.0391891173117094, 'day': 0.0339544814677151, 'thousands': 0.03358250865447266, 'piece': 0.03267106605342067, 'deal': 0.02874386690952716, 'hundreds': 0.027698201399668217}, {'of': 0.2500977549899073, 'in': 0.12421883941837945, 'for': 0.12265619371358973, 'to': 0.11499561545177114, 'and': 0.0728350654760551, 'that': 0.068373237510755, 'with': 0.06020465662897156, 'by': 0.04486491140137122, 'In': 0.03288094804332605}, {'hundred': 0.017527513230058186, 'feet': 0.014557199761269688, 'and': 0.014348202153698999, ';': 0.012510959876294614, 'up': 0.011019466765355396, 'street': 0.0076578164406289435, 'him': 0.007428215250715617, 'day': 0.007249902033800454, 'time': 0.007094822709084572}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.04175907157445451, 'miles': 0.03956518264977844, 'free': 0.03846433626049294, 'far': 0.03219223737225974, 'away': 0.03188538713447815, 'suffering': 0.025932358515943287, 'him': 0.022841349207894573, 'them': 0.02246223167953485, 'or': 0.021263296589886165}, {'as': 0.17258424545584233, 'and': 0.15677611449523857, 'that': 0.1529849879156256, 'but': 0.06263403659156717, 'which': 0.05918561365976412, 'of': 0.04661491586174001, 'if': 0.038423515064868324, 'when': 0.03271441817390947, 'than': 0.0308973981889172}, {'in': 0.14411866456517713, 'of': 0.11176434547254037, 'the': 0.08442118893046849, 'and': 0.06373154682518639, 'for': 0.054333716349069784, 'a': 0.03770631626163843, 'to': 0.036625992661016515, 'In': 0.03395800652509744, 'was': 0.019670084903815784}, {'in': 0.3037688881494213, 'of': 0.2198080337119938, 'on': 0.07930001861098629, 'In': 0.07258796494759368, 'for': 0.06976300351757143, 'to': 0.06539044933785355, 'with': 0.03844456045354243, 'from': 0.036413610818958386, 'at': 0.031369157037293184}, {'of': 0.08898890549679708, '.': 0.06717523716523122, 'the': 0.06471892549447111, 'and': 0.05900862353943802, 'John': 0.031759291736923156, 'A.': 0.02782055346896781, 'Miss': 0.027671730014034352, 'H.': 0.025308717882128223, 'J.': 0.024734161429968874}, {'Board': 0.06904447190510571, 'line': 0.0398277330969064, 'State': 0.037286339392220855, 'years': 0.035257223021075756, 'state': 0.027645875839745718, 'city': 0.02691554742340032, 'corner': 0.02662378465720364, 'county': 0.02219659269958534, 'case': 0.01863652885283364}, {'and': 0.09302819660358554, 'order': 0.06712225321687637, 'necessary': 0.05661929727414742, 'able': 0.05629779221299421, 'is': 0.05308323280695942, 'have': 0.04729324757651504, 'as': 0.044137858519165483, 'had': 0.04383577156361626, 'not': 0.042124641725397996}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'be': 0.3752480816529196, 'was': 0.15053962786569225, 'been': 0.14804779716043345, 'were': 0.06551435515247724, 'is': 0.06280905116707161, 'well': 0.0454680972578596, 'have': 0.036349293847003375, 'are': 0.02827644501156999, 'and': 0.024959167047891875}, {'in': 0.21592165314617692, 'of': 0.16003468150704633, 'to': 0.08811818813818936, 'with': 0.07512830797456303, 'from': 0.06261748837567305, 'for': 0.05635593473813143, 'by': 0.05440425871181123, 'upon': 0.04397081733883394, 'on': 0.041181911859966565}, {'a': 0.5267254572282756, 'the': 0.24772452709989756, 'this': 0.03893595295252127, 'of': 0.03439571880961021, 'with': 0.029696566297281828, 'very': 0.02564614151259673, 'no': 0.024790533171185073, 'any': 0.019794368973528067, 'The': 0.019296935053367843}, {'of': 0.1772846384759925, 'the': 0.09996870354592462, 'in': 0.06497145093805635, 'and': 0.058636447145592296, 'for': 0.05058640460435524, 'a': 0.04960441293416853, 'to': 0.03147365816794196, 'that': 0.03060308176058231, 'with': 0.017999404128246705}, {'is': 0.16522002947940517, 'was': 0.12274232148782496, 'are': 0.10399428347138716, 'did': 0.10024066720241814, 'do': 0.09149032470347483, 'could': 0.07352671577333592, 'and': 0.06439575477453618, 'does': 0.06167423930861674, 'will': 0.06155265911893676}, {'the': 0.19850810625571214, 'of': 0.11103643853021818, 'to': 0.0786664699556278, 'and': 0.07751843331153636, 'a': 0.055933497800549785, 'in': 0.034195488437797746, 'be': 0.02994003634409797, 'is': 0.02463658338107408, 'for': 0.02435450358336164}, {'the': 0.4198207730271912, 'his': 0.16320775113944766, 'a': 0.11520612420534412, 'my': 0.05270437266665826, 'their': 0.047050493272658124, 'her': 0.045132356868358155, 'tho': 0.025673507509187524, 'your': 0.021856700033168662, 'of': 0.020369887312499956}, {'have': 0.22376321726629733, 'has': 0.14805944061218976, 'had': 0.13865986478246173, 'and': 0.10298645813491007, 'he': 0.07986394313002862, 'I': 0.07780774163312897, 'who': 0.04729818719453192, 'was': 0.03433327327577478, 'they': 0.031591691168928834}, {'it': 0.18354720217553766, 'It': 0.12527816708982503, 'he': 0.12006924209642511, 'which': 0.0770655699151083, 'who': 0.052306065097490306, 'and': 0.04842362069449623, 'He': 0.04768490329319894, 'that': 0.034887168970847114, 'she': 0.03442563575397231}, {'Mr.': 0.10534597448731954, 'of': 0.06710080763607239, '.': 0.04801118488653935, 'at': 0.0471725710284264, 'and': 0.046897507968016734, 'to': 0.043572145286134824, 'a': 0.03456354145096796, 'Mrs.': 0.026748466369033753, 'the': 0.026644362641309267}, {'the': 0.13359841229481367, 'of': 0.10722868809701923, 'to': 0.08468436228570987, 'and': 0.0769275276847789, 'be': 0.039566337577568104, 'in': 0.03844156773653662, 'or': 0.022152100802329208, 'was': 0.02167461675420071, 'is': 0.020608333839702574}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'or': 0.11234463105395713, 'not': 0.09065232522179553, 'and': 0.0772473574584892, 'redemption': 0.06913895182057427, 'than': 0.049274878949402065, 'is': 0.03787368466524402, 'was': 0.037771140518600047, 'look': 0.0353313998734432, 'there': 0.03405037677539904}, {'and': 0.16771634397308052, 'so': 0.0799515110433391, 'fact': 0.06754269311976728, 'said': 0.053099026947957956, 'know': 0.052752863689406224, 'say': 0.047912452004830776, 'is': 0.03465193910310531, 'but': 0.02885959309660333, 'believe': 0.027790681460559605}, {'the': 0.471856077038156, 'a': 0.15540126404057567, 'his': 0.057756414969045745, 'The': 0.031779272772581676, 'tho': 0.029960416995770397, 'this': 0.0224559189407077, 'her': 0.016876903055660565, 'of': 0.01608973777238937, 'my': 0.015603879758833749}, {'and': 0.1755268294727973, 'was': 0.10537411564531944, 'it': 0.10422434975198702, 'he': 0.06522594182047971, 'be': 0.06007093242860488, 'years': 0.05973212450650478, 'He': 0.05385686005646373, 'It': 0.047168797093580295, 'is': 0.04532159885804619}, {'the': 0.6553712164795642, 'a': 0.09625990218637542, 'The': 0.0482887308479168, 'and': 0.04775870713435652, 'tho': 0.027670458533493553, 'is': 0.023597142000235417, 'of': 0.013956065750656914, 'was': 0.012960584562656198, 'al-': 0.012891984721007553}, {'in': 0.28065790961644793, 'of': 0.2738719044761113, 'In': 0.12438082517952453, 'to': 0.06051069082354052, 'throughout': 0.03914105427131635, 'and': 0.032459670170738184, 'that': 0.027794979776659717, 'for': 0.02714274730440515, 'on': 0.0242002848538178}, {'the': 0.4320465596683485, 'a': 0.09203451517925415, 'gold': 0.07093966885151386, 'of': 0.06855599369463139, 'and': 0.06534176919054595, 'The': 0.03496167116019113, 'tho': 0.03165191630096917, 'some': 0.02981275227168306, 'any': 0.026408208850427238}, {'of': 0.32253070130870287, 'to': 0.10107790310172926, 'in': 0.07761944657018059, 'and': 0.063191964425746, 'for': 0.04898951220475868, 'by': 0.047321934433427845, 'on': 0.04524995466812564, 'that': 0.04385250283450068, 'In': 0.033401653835732285}, {'the': 0.13908679504865662, 'of': 0.11018424169065659, 'and': 0.08819897668254238, 'to': 0.08229164611286616, 'a': 0.04169362818372944, 'be': 0.029216682148986695, 'or': 0.029131339800605442, 'his': 0.02429855075103291, 'on': 0.02238479204228481}, {'and': 0.15222258544766404, 'from': 0.11066713456788506, 'is': 0.09193406440082022, 'or': 0.07214386834134544, 'by': 0.06862305643398182, 'was': 0.06837032804092154, 'are': 0.06393611542857958, 'of': 0.051519247354380224, 'be': 0.047143081864678145}, {'the': 0.8438688077914501, 'The': 0.037924307669350885, 'tho': 0.03711242135405146, 'tbe': 0.013699949373723158, 'of': 0.009455678960128288, 'and': 0.007289152115250752, 'this': 0.005652681515946469, 'to': 0.004776107111613958, 'that': 0.003878301342062025}, {'the': 0.15383764566440558, 'of': 0.11798392025240566, 'and': 0.08331986834014217, 'a': 0.06270706160908712, 'to': 0.04502083001974942, 'be': 0.03094815294006057, 'was': 0.02849767390589314, 'is': 0.024335782794003547, 'in': 0.02280006413352256}, {'of': 0.22957921903377584, 'for': 0.1924883137803088, 'to': 0.10404438469764522, 'and': 0.09459783763111826, 'that': 0.0786034440286323, 'in': 0.06976798593153107, 'by': 0.04068370475392688, 'all': 0.03628426896099452, 'with': 0.03570996316042451}, {'time': 0.01806175887677285, 'man': 0.014162304606385547, 'it,': 0.012546454589222973, 'them,': 0.011377614464577426, 'up': 0.011162539182468807, 'him': 0.010820366687233384, 'men': 0.01050099021982783, 'it': 0.010421545688521733, 'house': 0.008872238362119674}, {'the': 0.41747912430877787, 'a': 0.30553167576921225, 'his': 0.053517567713651126, 'The': 0.04006568683347318, 'of': 0.03816744588681274, 'and': 0.02835326666798405, 'their': 0.02389210191829383, 'tho': 0.01927413202653108, 'an': 0.01680546291266943}, {'the': 0.12615023784459545, 'and': 0.10334656539969754, 'of': 0.08918225443406907, 'as': 0.0885708155318133, 'a': 0.04939048978612766, 'to': 0.04235721115572684, 'be': 0.03390331867972983, 'such': 0.028965747484619584, 'in': 0.028103276685770867}, {'<s>': 0.04945416123410681, 'it.': 0.027599185974129765, 'him.': 0.014356561766288453, 'them.': 0.014260938433380598, 'time.': 0.007347132449176383, 'again.': 0.006407585888801213, '.': 0.006171713357619823, 'her.': 0.006162764447384258, 'country.': 0.0061364755399946356}, {'the': 0.1401854199481486, 'of': 0.10665066128569842, 'and': 0.04576563827893338, 'The': 0.04423774849708722, 'Mr.': 0.04393024730769933, 'that': 0.04240013176179786, 'in': 0.04020267596778136, 'Mrs.': 0.025444262989284292, 'which': 0.024017029605201218}, {'the': 0.3772155904014945, 'and': 0.15586928528310187, 'of': 0.1289281917927382, 'many': 0.04878047969762451, 'for': 0.04061590541785757, 'these': 0.03621379947086664, 'The': 0.03617747925946749, 'great': 0.03245273914831617, 'their': 0.031017006561042736}, {'the': 0.18188985656273932, 'a': 0.16983230593337942, 'his': 0.1406561330036481, 'of': 0.13407213444569288, 'their': 0.09078452342287764, 'and': 0.037836897504872104, 'my': 0.03416797920889349, 'its': 0.03328008617501211, 'her': 0.030450013781895553}, {'the': 0.11190104999493916, 'and': 0.09452185845870732, 'of': 0.09067840816170819, 'a': 0.043290822204662176, 'to': 0.04215274199204352, 'I': 0.023710766357062728, 'in': 0.02103173302041137, 'that': 0.02016507077263771, 'at': 0.017571941376882467}, {'the': 0.4282810362904137, 'and': 0.09373991166459722, 'of': 0.037309954424071166, 'his': 0.037086093645735965, 'The': 0.03614732859419473, 'her': 0.03489617471969111, 'to': 0.02616224699276994, 'tho': 0.025895562309610168, 'their': 0.023892369330638936}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'was': 0.13267622584726735, 'is': 0.09748455223917599, 'and': 0.09353607016437575, 'are': 0.05735412701597941, 'be': 0.04958451317229596, 'men': 0.0391815807868732, 'will': 0.03876636548968815, 'were': 0.03752693032669915, 'him': 0.03446981307867449}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.3948043769486787, 'a': 0.17781593497856296, 'The': 0.04616304721011533, 'in': 0.0413726150080625, 'thorough': 0.03946404959119805, 'of': 0.036375571303125145, 'his': 0.03486068926406781, 'full': 0.027845665763089555, 'tho': 0.02677945472743132}, {'of': 0.29953843295966426, 'to': 0.14461590972504357, 'in': 0.12781032579195595, 'and': 0.06633608674901384, 'that': 0.05889030645039237, 'at': 0.03765253366249661, 'on': 0.03762267980403126, 'for': 0.03390406460526691, 'with': 0.03177153774616583}, {'opin-': 0.12660956173096322, 'Un-': 0.01832052541856131, '<s>': 0.014392917612490607, 'provis-': 0.014182647432532551, '.': 0.009223884270476488, '-': 0.007749025259513116, 'the': 0.007368140522323302, 'and': 0.007076248435594433, 'that': 0.006098530796418459}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'and': 0.06918075440924364, 'able': 0.05833176876792719, 'inclined': 0.05603065333983753, 'began': 0.05599406641413818, 'reason': 0.05564272126753571, 'enough': 0.05158707703069453, 'him': 0.05113400208568083, 'me': 0.04952249304630938, 'as': 0.045016601387345756}, {'the': 0.11575134174679784, 'and': 0.08359235896744333, 'to': 0.0648277104581696, 'of': 0.05253196797134065, 'a': 0.033327459464876155, 'or': 0.019795682805744685, 'in': 0.01963447752608271, 'at': 0.015925781851943634, 'be': 0.015375532172101636}, {'a': 0.19825208599592042, 'some-': 0.1554523440904199, 'good': 0.09202811609081307, 'any': 0.08348116143850723, 'one': 0.07843271402476427, 'only': 0.06936570939772592, 'the': 0.06804710208041868, 'any-': 0.061628793497715814, 'every': 0.05848667942664304}, {'the': 0.4037962855580665, 'a': 0.2963587722881538, 'The': 0.061492915794538125, 'and': 0.032667295548705864, 'of': 0.02539545005662287, 'tho': 0.02382839052761947, 'to': 0.02112367283631223, 'A': 0.017424480427496183, 'this': 0.00974921635138263}, {'of': 0.2682952381253655, 'on': 0.13504009472588835, 'the': 0.10334345985451629, 'and': 0.053143702658085094, 'to': 0.04248212745878875, 'in': 0.040451212691382514, 'at': 0.038535202653124344, 'from': 0.01628442010373576, 'for': 0.013359190960204284}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'of': 0.4529541656360065, 'in': 0.08793803431246465, 'to': 0.08041759063980715, 'by': 0.055928714669996084, 'and': 0.054682824903042236, 'that': 0.053184217902619076, 'for': 0.05038522278772542, 'on': 0.03454519771421167, 'from': 0.033785187798851764}, {'well': 0.131341400536041, 'soon': 0.12493736370238413, 'far': 0.08464439192820951, 'known': 0.08131160078763926, 'and': 0.05684173236843875, 'long': 0.03180784010735417, 'such': 0.02935017415335818, 'much': 0.028655189905621967, 'just': 0.026419958532680407}, {'he': 0.2900140706445813, 'is': 0.1511694724507506, 'be': 0.10110042341299413, 'He': 0.08496492444497515, 'was': 0.08169981997479121, 'and': 0.05908389382386092, 'she': 0.038213051407197884, 'I': 0.031528626577028054, 'been': 0.030728024034304392}, {'a': 0.12844762820348124, 'more': 0.125711857237794, 'and': 0.12056699782072584, 'of': 0.07452131551004333, 'to': 0.06545962782461041, 'the': 0.06442396756743077, 'for': 0.04966813102027841, 'will': 0.03584315783459221, 'be': 0.03331571941931528}, {'of': 0.3919386978662313, 'in': 0.20385946475732228, 'to': 0.077231052111869, 'In': 0.061209488871871644, 'for': 0.04637095617935646, 'by': 0.04320250639098691, 'at': 0.03988841874701232, 'that': 0.03547310340407266, 'from': 0.032295954967084}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'and': 0.0522611979249078, '<s>': 0.04953297524729667, 'that': 0.028914047700037752, 'was': 0.01913755590359713, 'be': 0.01719628112112796, 'are': 0.014831483897783253, 'not': 0.014727791809101252, 'in': 0.013606604508826173, 'is': 0.013312035066151999}, {'of': 0.3846501347155125, 'in': 0.10847225660693945, 'and': 0.07928795606691713, 'by': 0.063461217457268, 'to': 0.062049905366983266, 'for': 0.05166813123912997, 'on': 0.04959726656153744, 'with': 0.041947758166128474, 'that': 0.031050728694698333}, {'of': 0.23623803955683179, 'at': 0.1806388295923287, 'for': 0.17597426868338148, 'in': 0.1096808664961079, 'to': 0.08949026129755107, 'and': 0.04037873919502845, 'from': 0.03596754169884065, 'during': 0.030886991925109537, 'by': 0.029381492360812184}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'be': 0.1448727690506837, 'was': 0.11796091373707052, 'have': 0.11365666500154913, 'he': 0.10627779963829256, 'so': 0.10591574022077391, 'has': 0.07950142314793332, 'had': 0.07138324066654012, 'is': 0.07097988605863907, 'I': 0.06412224223122483}, {'of': 0.4211688626995478, 'in': 0.23374601827161523, 'the': 0.08929641348990489, 'and': 0.04765403198698434, 'In': 0.04545477287909476, 'for': 0.03304136660856103, 'to': 0.019688742615202974, 'or': 0.014714704974032303, 'by': 0.009583882246782}, {'the': 0.1302110245988249, 'and': 0.0877084628121695, 'to': 0.07430770998179538, 'of': 0.06130022192975707, 'in': 0.03655486350232655, 'be': 0.031099809143532095, 'that': 0.02667176083393697, 'is': 0.026085764748677295, 'a': 0.024862392433034113}, {'the': 0.24091495037989305, 'to': 0.221815550099756, 'of': 0.11531910212402723, 'a': 0.08302122911074461, 'and': 0.05058804137031232, 'in': 0.026333012327128688, 'for': 0.026230153415824232, 'this': 0.02248923324219508, 'his': 0.015603235316376007}, {'most': 0.22758038203954717, 'the': 0.16435777346189664, 'and': 0.11115261226601082, 'a': 0.09225922672150498, 'of': 0.06727956988284566, 'more': 0.05797166160498782, 'is': 0.052609241173407734, 'very': 0.04938292110227156, 'in': 0.04573672857485963}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'the': 0.5449076258188822, 'of': 0.05681082894757386, 'and': 0.051289284140034246, 'in': 0.04853282223841912, 'The': 0.04506699983239004, 'a': 0.041817540066897155, 'tho': 0.026378263107931198, 'their': 0.021331229023551525, 'his': 0.01917976917802773}, {'the': 0.5255094928452269, 'a': 0.0846012203814441, 'of': 0.06489980003981699, 'The': 0.0521031213392328, 'and': 0.03721764728800008, 'tho': 0.02732782867058323, 'this': 0.027270871844253784, 'to': 0.025793684393238495, 'by': 0.01749377729851564}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.14476305280356552, 'and': 0.13592901510644026, 'of': 0.05779583499033579, 'a': 0.04115897258163536, 'I': 0.03759489753015433, 'to': 0.03185354778801328, 'will': 0.03159185437770023, 'his': 0.029698013082688712, 'in': 0.019979373702743032}, {'the': 0.16343790048054258, 'of': 0.08611407003071542, 'and': 0.05765091453082511, 'to': 0.03631106407703822, 'a': 0.03549022091271952, 'was': 0.031039215317164314, 'be': 0.030049129230107868, 'is': 0.02744722664140971, 'for': 0.02597489648603897}, {'his': 0.3051831841870168, 'her': 0.1245584219365161, 'their': 0.09710820879267208, 'my': 0.09368050734959234, 'the': 0.0884178712075435, 'a': 0.07015082117249462, 'and': 0.04249415509252736, 'your': 0.03328211303248366, 'bis': 0.020007696926070222}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'in': 0.10445895072335606, 'of': 0.10363052545000978, 'on': 0.10100164130733823, 'is': 0.09967296080000015, 'was': 0.07961607305983967, 'and': 0.07382031398359883, 'as': 0.07159354104083174, 'with': 0.06878663449779993, 'for': 0.057526114330540785}, {'of': 0.07827123569724428, 'be': 0.06173063080448449, 'and': 0.06064483763038533, 'the': 0.05802797793633155, 'to': 0.04225551882810504, 'was': 0.04098318440855053, 'a': 0.0258410731275441, 'is': 0.025367702429696954, 'in': 0.024125957113048838}, {'of': 0.26966605895851126, 'in': 0.1791378333522596, 'to': 0.10573974323491683, 'for': 0.06626680680939014, 'with': 0.06554777787886565, 'by': 0.06459529528298369, 'and': 0.0638702549989398, 'In': 0.04327892076992508, 'that': 0.03546203318945836}, {'New': 0.32646758065730347, 'of': 0.32415550560950185, 'in': 0.14201988190580947, 'In': 0.035755095006383034, 'to': 0.029247967872492536, 'and': 0.026990835687098168, 'from': 0.022422692748772902, 'for': 0.021055321957684444, 'by': 0.016101207805067366}, {'be': 0.1443656295579586, 'was': 0.1318389003747494, 'have': 0.10426958839670221, 'and': 0.08834682258461059, 'had': 0.07785042903498707, 'is': 0.07608509106764395, 'has': 0.07013262318358915, 'been': 0.05335116644730108, 'he': 0.050458037647810136}, {'of': 0.19705153075701887, 'to': 0.11248017724538709, 'and': 0.08949746936329556, 'in': 0.08455610382734804, 'for': 0.058087911203193336, 'at': 0.04655965921358377, 'on': 0.04012433394672182, 'oi': 0.03164453044165415, 'by': 0.03150294078270211}, {'and': 0.11873757327052609, 'to': 0.10330784462313389, 'the': 0.06302129481891428, 'of': 0.0529461966143684, 'a': 0.04996929067419777, 'was': 0.04923251599410546, 'is': 0.0454539205863075, 'be': 0.03356357690731453, 'be-': 0.03289918329434199}, {'the': 0.21966137906810101, 'of': 0.10510018743271346, 'a': 0.10026339078004605, 'and': 0.05406745210698949, 'to': 0.03218763998401966, 'an': 0.030813697571461636, 'in': 0.028518000448545532, 'at': 0.020799670823306398, 'his': 0.018312557024384963}, {'to': 0.19019301077379552, 'with': 0.12108648862348825, 'for': 0.11420975769112104, 'make': 0.08163861433199683, 'of': 0.08052261094705666, 'let': 0.063932030579803, 'give': 0.05757065818851557, 'made': 0.051511353899830394, 'upon': 0.04955075379850208}, {'the': 0.19337469789076453, 'of': 0.16651092888829813, 'and': 0.12099610945400659, 'to': 0.03442531081485162, 'The': 0.027061691386467246, 'that': 0.02115823881940975, 'a': 0.019691972046910665, '<s>': 0.019363797075637366, 'or': 0.019353549374743022}, {'the': 0.5662620018926522, 'his': 0.07369105399233915, 'their': 0.04253120694038831, 'tho': 0.04048302930963443, 'our': 0.03504585164773993, 'good': 0.03404841088025399, 'a': 0.031730705510045115, 'its': 0.03157851118187461, 'other': 0.026186779770097608}, {'and': 0.0763557588053999, '<s>': 0.06771086840177311, 'as': 0.016877863567902975, 'that': 0.015876919511171376, 'or': 0.014222055364192814, 'it.': 0.013148287794948806, 'was': 0.0111444937729702, 'be': 0.009908842471594724, 'them.': 0.00935312721295152}, {'so': 0.17039967413631257, 'and': 0.15291159970642373, 'of': 0.15023033076877437, 'in': 0.07757822131775244, 'for': 0.06874828356645647, 'as': 0.06087807276279203, 'with': 0.05230685130918904, 'to': 0.04727064755676515, 'by': 0.04487054627660832}, {'the': 0.06191003182967679, 'of': 0.04313737201340029, 'and': 0.03171577563154461, 'a': 0.026209646287794017, 'an': 0.024703602949476842, '-': 0.024477486621183726, 'i': 0.023278590175157755, '.': 0.02082952790152722, 'to': 0.020171601196956913}, {'a': 0.16082505228213778, 'the': 0.15776650228004052, 'this': 0.14792324203184265, 'some': 0.08547102341161174, 'same': 0.07614846808842124, 'that': 0.07293221957898648, 'any': 0.06317687961026587, 'to': 0.05910617138953638, 'of': 0.05660604135831691}, {'of': 0.3773585548016971, 'in': 0.26819646509211514, 'to': 0.0694639335274586, 'for': 0.0647599542425916, 'In': 0.060473251410930254, 'from': 0.043402937441400585, 'at': 0.023488043114887624, 'into': 0.018927933502367423, 'with': 0.018036447081568593}, {'the': 0.14372384454482584, 'and': 0.099359086046083, 'of': 0.09405374366800018, 'to': 0.07302510364944151, 'be': 0.04415264867889929, 'a': 0.03595604584912906, 'was': 0.03531660013120576, 'at': 0.027117137813397363, 'in': 0.026007478466046476}, {'the': 0.15264958021531722, 'of': 0.11673403834403008, 'and': 0.10202997863957723, 'a': 0.06270994274664221, 'to': 0.0473176574754369, 'is': 0.022415925176173832, 'in': 0.022127154201666225, 'be': 0.021673563250991897, 'or': 0.021565441524845075}, {'is': 0.24671486074157792, 'was': 0.12063948717815928, 'for': 0.10701789602616818, 'and': 0.06901614710841524, 'are': 0.061423617342651254, 'do': 0.05472289178158668, 'that': 0.053593886079256574, 'have': 0.05075090394906444, 'be': 0.046472516131380134}, {'day': 0.021586436561276342, 'and': 0.019248939860112564, 'made': 0.018004172931807554, 'out': 0.01124429973239081, 'up': 0.011039347371314503, 'feet': 0.010141627102080634, 'them': 0.0099424793063163, 'him': 0.009446371957849559, 'it': 0.009204413876091855}, {';': 0.017373533509727753, 'in': 0.014770988530396153, 'him': 0.010254266076351255, 'it': 0.009467363065999415, 'it,': 0.009134391223408134, 'one': 0.00846083894847731, 'feet,': 0.008021184113093867, 'and': 0.007870042981466428, 'man': 0.007094520842035374}, {'men': 0.17759629176116887, 'number': 0.111479343396251, 'matter': 0.030199429722720505, 'city': 0.03014468574914554, 'out': 0.0286452006726408, 'kind': 0.02413320971227912, 'place': 0.02354024143347784, 'thousands': 0.023227913167468327, 'man': 0.02244009773049118}, {'and': 0.15474313164393896, 'would': 0.108887611875268, 'will': 0.10168357099259777, 'not': 0.08665255401769897, 'to': 0.061924976540017704, 'had': 0.05696051670499861, 'have': 0.05679751803397071, 'was': 0.05600696789558064, 'is': 0.050558135829744305}, {'the': 0.1302110245988249, 'and': 0.0877084628121695, 'to': 0.07430770998179538, 'of': 0.06130022192975707, 'in': 0.03655486350232655, 'be': 0.031099809143532095, 'that': 0.02667176083393697, 'is': 0.026085764748677295, 'a': 0.024862392433034113}, {'as': 0.07176731083497442, 'and': 0.050536284418308916, 'came': 0.04173311817150371, 'up': 0.04138938446855565, 'back': 0.034790173186247955, 'them': 0.026989123598608795, 'come': 0.026017563765565008, 'it': 0.025356583087963937, 'brought': 0.021350290914604157}, {';': 0.008228232470930305, 'Mr.': 0.007826772269027532, '1': 0.004727105157958431, ',': 0.00457815145234374, 'up': 0.004178649580369183, '.': 0.004139665211719548, 'to': 0.004024806038710491, 'in': 0.003787819884592685, 'city': 0.0034442149000984542}, {'<s>': 0.10646131615935993, 'it.': 0.019767117047613823, 'them.': 0.018194542595327497, 'day.': 0.01139759543103612, 'him.': 0.01031289671365296, '.': 0.009516015894989127, 'time.': 0.007988216331287703, 'country.': 0.007700426304201183, 'men.': 0.007431998759727315}, {'the': 0.6520722724977289, 'said': 0.0848650844262922, 'The': 0.0563618792248324, 'State': 0.03687545875751636, 'tho': 0.034572505665474436, 'and': 0.019692186808010752, 'a': 0.01883088111348593, 'tbe': 0.013399439433462279, 'County': 0.011291651137629628}, {'those': 0.13458761287935264, 'man': 0.10458373215952653, 'one': 0.07441187520761064, 'men': 0.07287380613152587, 'and': 0.05894150640820288, 'people': 0.0335846502028247, 'person': 0.022725908930146546, 'all': 0.02217336885671605, 'woman': 0.02207660170117168}, {'the': 0.6471296482845357, 'a': 0.17633426954450304, 'tho': 0.03412182816752903, 'The': 0.033159775892521504, 'no': 0.020164429883602876, 'and': 0.01837283228687107, 'tbe': 0.012376405663923198, 'very': 0.009748217688472872, 'great': 0.008934038249185317}, {'well': 0.1954607740379357, 'such': 0.09300791373914051, 'far': 0.06634442342029051, 'and': 0.06330444516358986, 'just': 0.04007506662211178, 'known': 0.03976073498458682, 'soon': 0.036439654594503344, 'is': 0.02174482809940166, 'much': 0.02030322171070902}, {'and': 0.23364248482996725, 'that': 0.12829272345718326, 'but': 0.08159057382059609, 'But': 0.03544557802615286, 'time': 0.032967782893253056, 'And': 0.024772452741305018, 'or': 0.01835682234543956, 'come': 0.014691549136244968, 'even': 0.013351259291692107}, {'from': 0.17958626683872117, 'of': 0.12213043990106004, 'S.': 0.08684686816917735, '.': 0.05542256838622397, 'N.': 0.04873020741461294, 'Mr.': 0.04848600558327734, 'the': 0.04745671073213714, 'by': 0.03477872460874852, 'D.': 0.03397052852699344}, {'more': 0.04551832291030798, 'man': 0.03317890672532601, 'person': 0.029232845030363882, 'one': 0.028150769789762647, 'two': 0.019656294150005547, 'law': 0.01779166104381665, 'in': 0.014520274137690092, 'three': 0.013820997166726395, 'State': 0.013157523286563872}, {'an': 0.5816888803356973, 'the': 0.13980642543023816, 'most': 0.06843259746569741, 'and': 0.04309455730844111, 'An': 0.032258753966473125, 'very': 0.030059624919980814, 'this': 0.019633185359700215, 'a': 0.01708606573696971, 'The': 0.014121782467437012}, {'and': 0.07012132566020397, 'Committee': 0.057006439236035815, 'was': 0.030976809364719523, 'committee': 0.030934037728867485, 'that': 0.0233706409900028, 'is': 0.017392327494778308, 'be': 0.016962223347826665, 'going': 0.015782139775285132, 'out': 0.014966663189306608}, {'the': 0.5868572058976916, 'an': 0.09468793385485272, 'of': 0.08076129716152086, 'The': 0.04638861892505919, 'a': 0.04264409492951937, 'and': 0.03478021865267375, 'in': 0.023477265331125895, 'tho': 0.022320421781497332, 'tbe': 0.008456482741163264}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'the': 0.26373539335530344, 'of': 0.1755406041157117, 'or': 0.13792314922553353, 'and': 0.09984861559292434, 'in': 0.07166132551473042, 'for': 0.043377054270485264, 'by': 0.02771748300090574, 'to': 0.02671748734111272, 'at': 0.026672071210637124}, {'the': 0.11749970033729701, 'and': 0.0885734906667015, 'of': 0.06618985208368389, 'to': 0.057992301101785444, 'a': 0.043895175838215984, 'was': 0.030876415418525108, 'Mr.': 0.030643515022900192, 'be': 0.026740499289358777, 'his': 0.02599351185309574}, {'<s>': 0.1014988338400949, '.': 0.02020579025174066, 'it.': 0.013262091916364576, 'them.': 0.009061525888771304, 'of': 0.007597935870890039, 'day.': 0.007476856656459079, 'time.': 0.006812947920298164, 'year.': 0.006098953294329252, 'him.': 0.005800783364814101}, {'of': 0.22894037564788638, 'the': 0.20824826930659326, 'to': 0.11264845814358493, 'and': 0.0873253325682521, 'in': 0.0668992925126929, 'from': 0.03398634770486101, 'for': 0.025008543547784673, 'or': 0.024510750915524137, 'The': 0.02210645699622158}, {'to': 0.25176032528344033, 'I': 0.15673889366024502, 'and': 0.1008756542956759, 'we': 0.0637909392114359, 'you': 0.056447165697358324, 'who': 0.04974307278829242, 'We': 0.04334095809797648, 'the': 0.030685515177652254, 'a': 0.029086271509160055}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.3611972035283596, 'the': 0.1694398772978933, 'by': 0.08305047258632495, 'on': 0.06320098845981542, 'and': 0.05328691259171567, 'to': 0.05152509795813408, 'in': 0.04867901369922542, 'upon': 0.02867042751970137, 'with': 0.024203470342385167}, {';': 0.015715606053104087, 'heirs': 0.01321199530468896, 'men': 0.00991205011103474, 'mortgage,': 0.00914440141564693, 'in': 0.008349118683515568, 'State': 0.007795411887076071, 'city': 0.007300271952066454, 'States': 0.007162048999468043, 'to': 0.006178413611006085}, {'will': 0.6380154459108143, 'would': 0.15818205167228105, 'and': 0.04442297332284676, 'is': 0.033658103892613284, 'should': 0.019423136795009094, 'must': 0.01826919825886784, 'shall': 0.0166088398784839, 'may': 0.013405447184246945, 'can': 0.01327029486625251}, {'to': 0.3013907767581554, 'the': 0.17804981260783553, 'and': 0.0824633961893476, 'will': 0.07250269959974429, 'would': 0.0608521699212296, 'not': 0.04941587373002676, 'a': 0.035798308545633, 'can': 0.03278258943643611, 'may': 0.03262160377076933}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'and': 0.10828684063695723, 'made': 0.07255385551094563, 'or': 0.03569304281706817, 'that': 0.03330113441092601, 'side': 0.027229767521089358, 'occupied': 0.02499643258767001, 'up': 0.022650940177467955, 'secured': 0.021394273919672427, 'owned': 0.020890611301330644}, {'of': 0.26721986359374217, 'in': 0.1374826586907647, 'to': 0.08570533576377601, 'by': 0.08407823745721604, 'or': 0.07857649085229587, 'for': 0.07686230359999022, 'at': 0.05318853193321576, 'as': 0.04661411527418469, 'that': 0.046254878894260915}, {'man': 0.1339558981433874, 'those': 0.12571771424094497, 'one': 0.09833420464678132, 'men': 0.0690886845361083, 'and': 0.052466012641504536, 'all': 0.04138551571617354, 'people': 0.02860323765637637, 'woman': 0.026286468782766793, 'person': 0.022647113146347406}, {'and': 0.16220117752462487, 'is': 0.10878936966055223, 'was': 0.10835264612096765, 'not': 0.06519358779119086, 'or': 0.05441201537909218, 'be': 0.046101891410180784, 'been': 0.04571891563738723, 'are': 0.04431711223178988, 'were': 0.028590456956651123}, {'and': 0.2362071806406464, 'know': 0.08439092319047005, 'matter': 0.08166324897156789, 'see': 0.06686990392447976, 'to': 0.04756455974382998, 'or': 0.03212215392020658, 'of': 0.03051715170304628, 'is': 0.02410655660881042, 'was': 0.020607625616224676}, {'was': 0.07662181111594096, 'and': 0.0678439251023537, 'is': 0.047864219861134136, 'are': 0.04336670660532813, 'be': 0.040461499416974, 'went': 0.0313047692264336, 'were': 0.030422404174671857, 'it': 0.02712880334172135, 'come': 0.0270259071080564}, {'is': 0.02589698395384613, 'and': 0.025625536987060073, 'was': 0.024629522885980814, 'it': 0.02097733839109104, 'that': 0.013441400767959022, 'on': 0.012707512926610194, 'up': 0.012473760845405869, '-': 0.010633317293956982, 'It': 0.010489359505660243}, {'the': 0.4294987481652922, 'a': 0.07931946304228082, 'all': 0.05726567522465914, 'to': 0.04377708292759201, 'and': 0.0431515934150616, 'his': 0.037952627979016204, 'no': 0.035463278605059025, 'was': 0.03543677342498131, 'at': 0.03027473133442788}, {'carried': 0.09484394948043134, 'taken': 0.06879456181037318, 'it': 0.05324761677984841, 'went': 0.04399215226885184, 'turned': 0.04378422327446607, 'go': 0.04256196137967363, 'get': 0.04182778625315758, 'thrown': 0.0408808198017483, 'pointed': 0.04034679467640828}, {'I': 0.0989631095164864, 'and': 0.09505661430547006, 'have': 0.07626229841200126, 'who': 0.06348776272900941, 'he': 0.06183770537203276, 'be': 0.0594158914805745, 'they': 0.05505893362329723, 'had': 0.05474480702901635, 'we': 0.05177504818229757}, {'of': 0.2938300956502436, 'in': 0.19678660802925427, 'to': 0.14812472941054242, 'on': 0.050976278477322653, 'with': 0.049207649584229775, 'In': 0.04705831064566742, 'and': 0.04367074894550716, 'for': 0.04357331080309474, 'that': 0.04135421247039052}, {'of': 0.24140876344023526, 'in': 0.12189381495486303, 'with': 0.10573843470698942, 'is': 0.0860783288757891, 'to': 0.07709479195077518, 'and': 0.06925985472883499, 'for': 0.06615255182307507, 'was': 0.05135551966740381, 'by': 0.042004463184317116}, {'and': 0.08127707470828054, 'was': 0.04426691424481234, 'made': 0.03877013093244483, 'up': 0.03237646708103748, 'engaged': 0.028251947098273122, 'is': 0.02675344397076255, 'it': 0.025812471096372785, 'be': 0.025412739850782313, 'time': 0.024603176873625846}, {'of': 0.29333125285631334, 'in': 0.13349697483423098, 'to': 0.09890740778794055, 'on': 0.056197627960834766, 'with': 0.05422930626147773, 'and': 0.04729446959502809, 'for': 0.045326432709487, 'from': 0.03752401138698295, 'at': 0.036354611428932856}, {'protest': 0.09121583950105695, 'and': 0.05849466309616807, 'up': 0.03860623313834851, 'made': 0.03781219670117988, 'voted': 0.034284524404800495, 'claims': 0.032725913187293544, 'vote': 0.030487224689882242, 'guard': 0.030240980595386113, 'fight': 0.030031694700912666}, {'the': 0.35410481507081176, 'of': 0.18140048176967002, 'and': 0.10213133893726832, 'in': 0.07154386335622369, 'The': 0.054251999573756635, 'a': 0.0457370815235958, 'that': 0.0417197063465253, 'to': 0.039113854608287625, 'is': 0.0286064920612333}, {'out': 0.05934981917443775, 'matter': 0.05153402276463992, 'number': 0.04410608839669255, 'purpose': 0.03829973265974281, 'means': 0.028634217924655928, 'is': 0.02534760528622456, 'kind': 0.024408041182503795, 'cost': 0.02422554676463891, 'be': 0.021524617821859743}, {'the': 0.2314639361986333, 'and': 0.11945073897114324, 'of': 0.098598814394799, 'to': 0.0895344628220218, 'for': 0.027365358538314778, 'that': 0.02547482915645408, 'I': 0.019923926849964205, 'in': 0.017990404840031757, 'a': 0.01729388727624455}, {'a': 0.5301462956113577, 'the': 0.09434450455278631, 'of': 0.08442762377698326, 'A': 0.05633951384117839, 'and': 0.037458277933656796, 'very': 0.028214164383156035, 'this': 0.02180284695185953, 'in': 0.02175395453817904, 'that': 0.020044804441159282}, {'the': 0.22021071011127422, 'of': 0.11294208545245588, 'to': 0.07125237852160571, 'and': 0.07101614341950359, 'a': 0.06616853053896198, 'in': 0.036781217716281595, 'be': 0.02915794304733851, 'his': 0.027785375346651705, 'is': 0.023687777359663806}, {'<s>': 0.07954030623290703, 'it.': 0.0284328315890997, 'them.': 0.020111430381244758, 'us.': 0.0162540076753107, 'country.': 0.010506804136592688, 'people.': 0.009012002911333054, 'that': 0.008835747631461756, 'day.': 0.00843978572151167, 'year.': 0.007508691756682396}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'guardian,': 0.055301156470030276, 'one': 0.03648490387070884, 'person': 0.02617441173251614, 'two': 0.023177000109445112, 'on': 0.019539325453285177, 'law': 0.01598644887089125, 'more': 0.013782774251213015, 'day': 0.013463611323921054, 'and': 0.0129128260552333}, {'to': 0.11032930493935608, 'the': 0.10808801942558408, 'and': 0.10585990876899179, 'of': 0.08465937593229254, 'in': 0.03357921122641276, 'a': 0.02894796934216075, 'not': 0.01984778500098046, 'I': 0.016850603092794177, 'be': 0.016357541665608457}, {'day': 0.27449078036383123, 'and': 0.1070713999570675, 'until': 0.10543164422725809, 'days': 0.05325490120124282, 'shortly': 0.049612219125703266, 'Shortly': 0.03730120394350059, 'month': 0.03180868122334813, 'that': 0.026802678761375428, 'week': 0.026288139835962374}, {'that': 0.02096333321346706, 'and': 0.020708244795300923, '<s>': 0.020405578250270996, 'lot': 0.016634366576669057, 'one': 0.011970822459384, 'which': 0.011887444984475847, 'State': 0.011536610488905634, 'land': 0.011152602835210622, 'day': 0.01020662445359185}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'to': 0.5011769620215099, 'not': 0.14434605366770212, 'will': 0.05466939326542275, 'would': 0.044299746250233224, 'can': 0.04326075060491701, 'could': 0.03708548623771832, 'and': 0.0304301945105962, 'cannot': 0.02765121242041418, 'may': 0.02584780423186107}, {'that': 0.27600366937433424, 'as': 0.1283915980620919, 'which': 0.11207618892079822, 'and': 0.10317436230922246, 'if': 0.056748490857176925, 'but': 0.047296589700653945, 'what': 0.04321623333734454, 'because': 0.03237176317845171, 'when': 0.030162587008650626}, {'of': 0.3254030075245721, 'to': 0.10109984695942265, 'for': 0.0962600820109091, 'in': 0.08846502016618865, 'and': 0.06731449360853493, 'by': 0.06348998076097889, 'that': 0.05611325597468391, 'with': 0.04334549736722533, 'from': 0.031412754190878696}, {'to': 0.34833817723139415, 'will': 0.15231245414200884, 'would': 0.10145809955842722, 'not': 0.0813580555600768, 'and': 0.05827741005489056, 'may': 0.04851212105973517, 'shall': 0.03802390098430831, 'who': 0.03782808947802561, 'they': 0.03167147060081406}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.19366663680514382, 'and': 0.08128113731918163, 'a': 0.07212575929639982, 'of': 0.06672986838020205, 'to': 0.06478510233452361, 'so': 0.03284227220056475, 'is': 0.030619253841453187, 'in': 0.02730485862360423, 'be': 0.023414326482796212}, {'and': 0.10202651967366919, 'was': 0.06125204576558128, 'be': 0.050289109061964064, 'are': 0.047844015225756986, 'is': 0.046986122837438596, 'were': 0.028085632589353496, 'up': 0.026619143266138203, 'succeeded': 0.025002632845916452, 'them': 0.02268936446400483}, {'he': 0.17238455333815492, 'I': 0.12234760353998578, 'they': 0.1167827035138341, 'it': 0.09075741064479519, 'who': 0.07394187305426536, 'and': 0.060112413685396604, 'she': 0.049958204438840116, 'He': 0.03927004294380268, 'you': 0.030734904094363753}, {'of': 0.17634043243354008, 'the': 0.10027595716320827, 'and': 0.08013567961347191, 'a': 0.07554284613390241, 'to': 0.06712947219085971, 'in': 0.05307136423855122, 'was': 0.029363470350612816, 'with': 0.028132424339619495, 'is': 0.028105455117893318}, {'is': 0.15439636699800605, 'was': 0.1211900334266152, 'and': 0.08946634711199133, 'had': 0.0833707628041749, 'have': 0.0787995534292699, 'that': 0.07767901368707032, 'be': 0.06300230542031213, 'of': 0.048811829172859575, 'are': 0.044356918788231704}, {'of': 0.17235931648465336, 'and': 0.08969384840136042, 'to': 0.07852333711899076, '<s>': 0.049208485249438515, 'the': 0.03723729862651847, 'by': 0.036521367169813586, 'that': 0.022805608713798886, 'with': 0.015080056697172557, 'for': 0.014829486891340352}, {'and': 0.08524709472992131, 'called': 0.07489518429745268, 'based': 0.05084423276307657, 'down': 0.04873325007450096, 'placed': 0.04291149263381151, 'depend': 0.03430779643568637, 'put': 0.033501386736220114, 'insist': 0.03148151560192545, 'depends': 0.03063576141772625}, {'the': 0.29110128207695424, 'of': 0.11091260387126761, 'their': 0.048063811120508254, 'and': 0.042080722954605465, 'his': 0.03458675635780505, 'thence': 0.026177787127474404, 'to': 0.024061627736024573, 'tho': 0.023122225156273955, 'its': 0.022156613676790525}, {'the': 0.26050673750678877, 'and': 0.1977987688877499, 'to': 0.07213825121927414, 'of': 0.0527872973350088, 'The': 0.04417575290914136, 'a': 0.042029661632481376, 'his': 0.0386926059343707, 'an': 0.03234541554982453, 'all': 0.03104521310163146}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.2036702286137392, 'his': 0.1969322898226032, 'a': 0.10543677022443892, 'the': 0.09667902448847146, 'my': 0.0869175002116485, 'her': 0.07713584584501519, 'for': 0.030543477937998328, 'and': 0.029374542697595023, 'their': 0.022779917496961104}, {'of': 0.07838641478026569, 'the': 0.07780786181416549, 'and': 0.0749598358692541, 'to': 0.06137915159476317, 'in': 0.04073310087295136, 'a': 0.03887090139933135, 'for': 0.03388130536907277, 'are': 0.01976248008893577, 'is': 0.01890401694965504}, {'and': 0.1951548888286566, 'fact': 0.07645293835734736, 'said': 0.06196357149942123, 'so': 0.05061110656257712, 'is': 0.04286583529619849, 'say': 0.03820939425311837, 'was': 0.037675190581188234, 'him': 0.03689546512611886, 'found': 0.0352287959284593}, {'Mrs.': 0.12424212384929782, 'and': 0.10492591499323661, 'of': 0.08014691267715641, 'Miss': 0.06955512982830697, 'Mr.': 0.0695198328158964, 'by': 0.055015864504103625, 'the': 0.03080424667440775, '<s>': 0.025753829359470386, 'as': 0.020912521238368075}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'160': 0.08075839508029277, 'hundred': 0.07017146779335444, 'two': 0.042664176152921784, 'of': 0.039465383942120034, 'ten': 0.036553400755182444, 'thousand': 0.028201267882137265, '100': 0.025836232880643118, '40': 0.024306035131475685, 'five': 0.024075627754140384}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'I': 0.3750431466555992, 'to': 0.18809996497823298, 'not': 0.15047789320518762, 'you': 0.07111281923279843, 'we': 0.04222562160533334, 'and': 0.03558551762012353, "don't": 0.035180888207577934, '1': 0.02829564977376526, 'We': 0.02762077673930737}, {'of': 0.11427778626190353, 'by': 0.11218569203134902, 'in': 0.09920873723360832, 'and': 0.09090793507923924, 'for': 0.061632646243409125, 'is': 0.04603230535189105, 'with': 0.03626599260847013, 'without': 0.029684521168601437, 'so': 0.026002911726269583}, {'the': 0.4126720354148058, 'a': 0.20800982158622103, 'no': 0.08051823816530368, 'this': 0.0693226514008101, 'The': 0.05114838942170773, 'any': 0.04033455041776741, 'tho': 0.022951215851690982, 'great': 0.022496817832808567, 'in': 0.021363405668880106}, {'the': 0.1587375480149859, 'of': 0.08254551462499617, 'and': 0.08085930804487639, 'a': 0.06729257711216322, 'to': 0.061384945294075344, 'be': 0.030563864346128792, 'was': 0.0243997806807823, 'or': 0.020098682714989803, 'is': 0.017668635246422947}, {'that': 0.15532969594950263, 'and': 0.13534838268428445, 'but': 0.04753555462481451, 'which': 0.03985067029476215, 'as': 0.036178805446958964, 'when': 0.027225713404969366, 'if': 0.0232502835534223, '<s>': 0.019223650245627978, 'But': 0.013876624724947337}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.49013375617102334, 'and': 0.08669677438232809, 'will': 0.06452350944771873, 'I': 0.04925237958936993, 'who': 0.034376792810592735, 'not': 0.033700766914355695, 'of': 0.029994115667251294, 'a': 0.027040096960704915, 'would': 0.025864897672312658}, {'and': 0.03956808013409819, 'was': 0.01816054342421299, 'not': 0.009825702771976934, 'be': 0.00967280675448376, 'is': 0.009613200592535244, 'been': 0.008537287863653929, 'as': 0.00841077857428188, 'called': 0.008271017214452702, 'him': 0.008156885989082808}, {'<s>': 0.12529692904339065, 'it.': 0.025810597998033615, 'them.': 0.018271602948569207, 'time.': 0.01216695835667665, 'and': 0.011707344796556003, 'country.': 0.011202475157183518, '.': 0.010353943089022086, 'people.': 0.010286127342716857, 'year.': 0.009361513557720894}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'and': 0.21800453298932687, 'the': 0.08138767772608393, 'that': 0.057508039297026664, 'all': 0.04823018268602042, 'as': 0.041049269864183155, 'I': 0.038271030326441496, 'he': 0.03392181463952416, 'other': 0.033695743518120325, 'it': 0.03313016895788767}, {'the': 0.13537282530523825, 'of': 0.10098530238365999, 'and': 0.0981902641180299, 'in': 0.09393161028158739, 'to': 0.03720073218588973, 'for': 0.03057580623618779, 'be': 0.027394359913126026, 'In': 0.02346655813747138, 'that': 0.02297244931224252}, {'a': 0.32228676368759845, 'the': 0.2887402847082987, 'any': 0.07719066779177598, 'some': 0.05193870468121791, 'large': 0.03633216481060826, 'highest': 0.027910173360660994, 'great': 0.023920387288179922, 'The': 0.02021090178435198, 'no': 0.019435960549302165}, {'daughter': 0.051259189936878335, 'name': 0.042135155906133266, 'son': 0.029063797049582726, 'city': 0.028301556528406272, 'number': 0.025416681311384852, 'people': 0.02505903429259168, 'line': 0.022994413067733113, 'and': 0.02173160974267084, 'residence': 0.018160262956726306}, {'of': 0.3367754289661605, 'in': 0.11396015787698215, 'to': 0.09281519941340136, 'and': 0.08527622330912815, 'that': 0.061971225107270794, 'with': 0.05428038995994727, 'for': 0.05409371886030121, 'by': 0.04600800098481496, 'from': 0.034796041094525276}, {'the': 0.3994259192938583, 'of': 0.15664202977399216, 'to': 0.07023256236100726, 'his': 0.05647719322254407, 'and': 0.048790210576965004, 'a': 0.041575144394295896, 'this': 0.03764059843959638, 'as': 0.03368547997098304, 'The': 0.029665367080250356}, {'to': 0.2736635699234545, 'of': 0.2551463254949681, 'the': 0.07492539183368868, 'in': 0.07172521945992708, 'for': 0.0521706776858054, 'by': 0.04249011543483659, 'with': 0.0399801862152085, 'and': 0.03905352045978947, 'at': 0.03176900037377669}, {'the': 0.14279578580097543, 'of': 0.1293944985946409, 'and': 0.06424992991919554, 'a': 0.06022113584565611, 'to': 0.045786493200222204, 'in': 0.03702035139841955, 'for': 0.021608700181063034, '.': 0.014610394562147449, 'by': 0.014510189117430398}, {'.': 0.026167225944639404, '-': 0.019202645339357845, 'and': 0.01774830613082382, 'of': 0.017313525873489603, 'a': 0.016957492996478224, 're-': 0.016360740462044377, 'the': 0.01461636350214395, 'to': 0.013056477227513725, '<s>': 0.010840212878848558}, {'amount': 0.07840787583970842, 'payment': 0.05418850945972784, 'out': 0.05003071639705094, 'value': 0.04937459673902293, 'part': 0.04877175395518133, 'proof': 0.044491230147116166, 'all': 0.03516107879454983, 'tion': 0.03242829101542852, 'proceeds': 0.027829301630477917}, {'the': 0.3738703759649614, 'to': 0.14821035165095542, 'a': 0.1423745798896225, 'and': 0.09760272397764634, 'The': 0.03682287191780345, 'or': 0.027488542420944725, 'tho': 0.022870610198081176, 'in': 0.019672191555404422, 're-': 0.019457786966699083}, {'the': 0.444507934200814, 'and': 0.1721337589051392, 'his': 0.08972241310958307, 'The': 0.08080219013006687, 'her': 0.04036995344338849, 'a': 0.02489597384487001, 'of': 0.024442206718508105, 'tho': 0.019085679821452935, 'my': 0.01748985661390071}, {'and': 0.07798407056807036, 'the': 0.06933829979827137, 'of': 0.058892594114186625, 'which': 0.05072003235863099, 'a': 0.04580036985391033, 'it': 0.04524114220233655, 'that': 0.04492873123514062, 'It': 0.042956500381659546, 'he': 0.04259122548422216}, {'Section': 0.03530826347591615, 'No.': 0.03456353877829678, 'of': 0.03368610096349996, '.': 0.025742831664994595, '<s>': 0.024200458271643556, 'and': 0.02363060350035, 'to': 0.020309834542783116, 'the': 0.011038503472340718, '5': 0.00781857509453319}, {'that': 0.24921673814146272, 'and': 0.10659978567591326, 'as': 0.10344325968400236, 'if': 0.07692527985100825, 'which': 0.07270445944151364, 'what': 0.04441775222899858, 'but': 0.0416887028899248, 'when': 0.039392394022516465, 'If': 0.030105007568745595}, {'the': 0.22189637610186955, 'of': 0.1288149607719008, 'and': 0.09568026847988755, 'to': 0.05156112850428432, 'in': 0.040386569506391766, 'a': 0.033128431938542285, 'for': 0.03085820496434692, 'The': 0.02547232236855228, 'as': 0.02326130840881167}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'a': 0.6692733684028606, 'A': 0.10050095087535475, 'very': 0.07304534608971766, 'the': 0.06133977366424544, 'but': 0.028546347839759446, 'Very': 0.01112524897160091, 'this': 0.01089440899391256, 'is': 0.010834145469812482, 'that': 0.010512090906592008}, {'as': 0.2217040674088096, 'is': 0.12501367558482454, 'was': 0.11718488636876678, 'of': 0.09154157457399877, 'and': 0.0851767876894996, 'be': 0.06585365796511047, 'with': 0.04477304036611597, 'by': 0.04272687246245481, 'in': 0.03915621760044567}, {'be': 0.19296409105805828, 'was': 0.17129512784255568, 'been': 0.0957407369288392, 'were': 0.07905021719709224, 'and': 0.0781173003355897, 'is': 0.06996498088959309, 'are': 0.061828902649483625, 'had': 0.03487032072981223, 'have': 0.03381669786453987}, {'and': 0.17820719147019515, 'said': 0.10008608341045885, 'fact': 0.06463111504483349, 'stated': 0.052492415715762214, 'so': 0.04472464841362103, 'him': 0.03832311204077511, 'know': 0.03688219118396675, 'say': 0.02879367941366483, 'is': 0.028411351280419075}, {'the': 0.564992206842905, 'a': 0.05103607287758841, 'of': 0.05042379616981797, 'The': 0.0355883268638253, 'tho': 0.03402860098228864, 'any': 0.03188546674810584, 'an': 0.023166521993317275, 'no': 0.022966025598681966, 'and': 0.017004044277619684}, {'of': 0.4202977806691611, 'in': 0.10586781489010383, 'on': 0.07251824925157724, 'and': 0.0705952356300653, 'to': 0.06210961898962979, 'for': 0.0574145451549954, 'that': 0.04381407482242388, 'from': 0.041769643291988234, 'by': 0.034030215359569474}, {'it': 0.14112296867809523, 'I': 0.12012205295135153, 'he': 0.10891630054414775, 'It': 0.0882109188453842, 'we': 0.08721979898729772, 'they': 0.08417326719398231, 'We': 0.03517965128778559, 'and': 0.03421316496870384, 'you': 0.028023065574874283}, {'the': 0.2064116924736922, 'and': 0.11313399934584466, 'of': 0.09866374946654954, 'The': 0.06458832580027597, 'that': 0.02473070935975453, 'these': 0.018229194570184497, 'a': 0.0162142823376505, 'or': 0.0158396488594701, 'to': 0.014511239269900876}, {'the': 0.20417160199250026, 'of': 0.1706531365368877, 'their': 0.05367966214105241, 'and': 0.04878875482861525, 'his': 0.04047442989729744, 'two': 0.03839603534687939, 'few': 0.03367012269078167, 'at': 0.03282075327744814, 'our': 0.03104407306241346}, {'of': 0.1686314887948833, 'the': 0.14029589968348036, 'in': 0.11714254777818918, 'and': 0.05685934642277788, 'to': 0.043265844635232566, 'at': 0.0410297420907731, 'a': 0.036279030295005864, 'In': 0.03362473996008286, 'for': 0.03225509353578946}, {'the': 0.02059985125709985, 'dollars': 0.019465519690961136, 'it': 0.01746481111818037, ';': 0.015995085725587353, 'more': 0.015866330216165046, 'law': 0.014426501006644145, 'I': 0.014088556493301343, 'and': 0.013202311476145109, 'time': 0.012416387743434298}, {'and': 0.12186324041530451, 'the': 0.10314656913799963, 'to': 0.07896870085754365, 'of': 0.050090878446406154, 'a': 0.034079033509394015, 'be': 0.031186458241278126, 'in': 0.03047769075064237, 'is': 0.02950971966526641, 'for': 0.024884258539883203}, {'to': 0.08302599595973988, 'of': 0.05376991497015626, 'was': 0.05327300788579959, '.': 0.048811731630565305, 'the': 0.046149088067349395, 'and': 0.039307424159035625, 'is': 0.037939010710638404, 'be': 0.030560910512897863, 'Mrs.': 0.02910091777427043}, {'to': 0.11495506970688947, 'and': 0.0918393574270878, 'of': 0.05425215205235922, 'the': 0.038148505989931185, 'is': 0.033204246463063636, 'in': 0.0295109246546491, 'was': 0.028580498797366398, 'con-': 0.02505349819126404, 'will': 0.023876091631703095}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'out': 0.07033946667983419, 'one': 0.06489995891830055, 'some': 0.06212267612055411, 'all': 0.046477716248526486, 'part': 0.04202084263352993, 'because': 0.02971260280764215, 'account': 0.029312690886404716, 'many': 0.028173154976763398, 'and': 0.025335904678426044}, {'the': 0.181981358815316, 'of': 0.12155842331105805, 'to': 0.0664538850550095, 'and': 0.04666645055846086, 'in': 0.021311278499736436, 'be': 0.021271935325279406, 'for': 0.019342576620121843, '<s>': 0.016258771555628507, 'a': 0.015599184547339964}, {'to': 0.1932684829896675, 'and': 0.165076776066478, 'a': 0.051303996927696875, 'be': 0.04871398877280875, 'been': 0.043767708472147934, 'was': 0.03949616842199307, 'not': 0.03049845890798399, 'which': 0.029706196996501684, 'the': 0.02762036874837549}, {'<s>': 0.05794545874280846, 'that': 0.05306400312407476, 'and': 0.028184203499259767, 'it.': 0.02471128504724403, 'but': 0.01718476727807942, 'as': 0.01466768248435974, 'them.': 0.014175614589163154, 'country.': 0.011615270763633563, 'of': 0.011235173260174407}, {'and': 0.11468838437846542, 'the': 0.09023346133822008, 'of': 0.057971287436890534, 'to': 0.05378761073378962, 'is': 0.04656347117643906, 'was': 0.04262274311448324, 'be': 0.040149889168014395, 'it': 0.028091974662119993, 'he': 0.02808047028281199}, {'he': 0.18093626623562734, 'who': 0.09577516673526797, 'they': 0.08663729169327954, 'I': 0.07817406704681473, 'and': 0.06544165769687924, 'that': 0.05295285609326754, 'which': 0.050697954362474734, 'she': 0.04660952186466493, 'it': 0.035288921693337506}, {'and': 0.16477232480943182, 'that': 0.06650783078308127, 'but': 0.028433546258717506, 'and,': 0.015478155548936442, ';': 0.01419164846306694, 'that,': 0.01178922085930622, 'was': 0.009891165495698481, 'him': 0.00964817348778535, 'worth': 0.009607718388827463}, {'is': 0.0420132208840489, 'nothing': 0.02702318588114486, ';': 0.02614922960064481, 'are': 0.025432713151806976, 'was': 0.019692463573242305, 'it,': 0.014293068784649279, 'had': 0.011850545948164067, 'have': 0.011127654400079663, 'them,': 0.011039193120133383}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.12727908975148866, 'time': 0.08578099788840729, 'days': 0.08185082171459758, 'or': 0.06823545476332527, 'years': 0.060961385894316635, 'day': 0.056913465450025194, 'that': 0.04687177338429979, 'but': 0.04578332745584268, 'long': 0.044739191142152156}, {'manner': 0.10929122914622635, 'and': 0.051928940561453626, 'that': 0.030065683941091072, 'way': 0.01949234700731763, 'time': 0.01490834846138637, 'it': 0.013227222707666407, 'all': 0.011826895752322215, 'one': 0.01173947360133591, 'part': 0.011709023863419921}, {'and': 0.10323117876447811, 'the': 0.09433866227644956, 'of': 0.06707028261171517, 'to': 0.0464638099514731, 'Mr.': 0.03445376402607576, 'a': 0.028022398923266946, 'he': 0.02576132057791693, 'The': 0.024466507872476603, 'that': 0.020219708675049887}, {'the': 0.32187216150906367, 'a': 0.22926597901015544, 'and': 0.05135839849791266, 'The': 0.037868165044973645, 'his': 0.03772433695116663, 'every': 0.02788165529434823, 'this': 0.026984795479879586, 'United': 0.025688197645402568, 'young': 0.02403293144729335}, {'and': 0.1040113630505887, 'him': 0.031774613662566585, 'application': 0.0307505839363781, 'was': 0.029319516259670098, 'it': 0.027172227724490117, 'up': 0.02650714215507662, 'made': 0.023940893007746485, 'out': 0.022946242933547373, 'time': 0.022259067758951867}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'the': 0.26422665817371405, 'this': 0.23337233852961173, 'his': 0.07446294279009213, 'that': 0.056204609514936416, 'first': 0.048727410470836945, 'same': 0.03930515143551873, 'taken': 0.03330978935206605, 'on': 0.0316399817305141, 'took': 0.029902593445518464}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'and': 0.15332827744607797, 'that': 0.12030874491652616, 'as': 0.09867678243743054, 'which': 0.07386700815235014, 'when': 0.06510659715786267, 'but': 0.0331924609162837, 'where': 0.027140871616544944, 'if': 0.025617428666552176, 'what': 0.0201633447781049}, {'of': 0.13460798848787817, 'the': 0.12164660527882987, 'and': 0.06499998726720786, 'to': 0.05696481947507222, 'in': 0.04021722690153166, 'on': 0.038707561903390045, 'by': 0.037809511557510486, 'a': 0.03102243302266719, '<s>': 0.02767873230044524}, {'it': 0.2280940826504797, 'It': 0.14752690389211448, 'which': 0.06676786028681726, 'that': 0.05866354276554305, 'he': 0.05439649969417826, 'and': 0.05314494790935523, 'This': 0.03748803337207558, 'there': 0.028622083292957734, 'who': 0.024592224356763608}, {'going': 0.08747907533424694, 'looked': 0.08455515357328659, 'went': 0.07318360652187296, 'was': 0.05791990060360209, 'go': 0.047984865180520725, 'relied': 0.04583920598483897, 'and': 0.040156417266224716, 'is': 0.03928432408036262, 'put': 0.03675456251389226}, {'of': 0.1439928134805356, 'the': 0.08000813022581296, 'and': 0.0696862989603458, 'a': 0.05588875964296725, 'to': 0.054012722942704226, 'be': 0.04822024084022083, 'was': 0.043315033663587674, 'in': 0.03928143282794363, 'is': 0.03381549827813475}, {'and': 0.10693888425518551, 'there': 0.04411326565842818, 'that': 0.03838516134320671, 'or': 0.03418018870013127, 'There': 0.02733991300346426, '<s>': 0.025486193479806678, 'which': 0.021163712333592363, 'have': 0.016504580732545522, 'one': 0.014236405599030194}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.10432858646338491, 'to': 0.09314626006117196, 'at': 0.05845226738442041, 'the': 0.05524428241598177, 'and': 0.041462068021520505, '.': 0.031815303581571974, 'in': 0.030245651991067955, '<s>': 0.019324116135933576, 'by': 0.013120800226970087}, {'for': 0.19538023562964654, 'of': 0.127295373065919, 'and': 0.10359828569177121, 'to': 0.09793548250253933, 'with': 0.09280313536971335, 'in': 0.07120762199862209, 'upon': 0.04331473737788536, 'see': 0.040458071365320564, 'by': 0.038745591288057275}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'this': 0.2613638386288571, 'the': 0.1741210374541948, 'last': 0.13431370077539911, 'a': 0.10999724691360595, 'each': 0.06350287310113752, 'past': 0.062431200617672565, 'next': 0.04928368843380567, 'every': 0.04687429600100511, 'one': 0.03669191760500764}, {'a': 0.2855218297405514, 'his': 0.11776515690589497, 'the': 0.10806189902893323, 'good': 0.06849921453369245, 'their': 0.06518257446368605, 'and': 0.06427712370950266, 'in': 0.06166158428251387, 'great': 0.059743176455591594, 'of': 0.04812873030397213}, {'the': 0.21307386540738055, 'of': 0.1496877380075092, 'to': 0.04988416872822497, 'by': 0.04626681470346615, 'in': 0.04519130135400719, 'and': 0.041012052249243355, 'for': 0.027875906743958394, 'that': 0.024381723043271006, 'on': 0.024110533354058557}, {'to': 0.7201914439546448, 'of': 0.06603496134889743, 'and': 0.06471554575174146, 'the': 0.029686804443725127, 'will': 0.02521033472955674, 'by': 0.012139805062023864, 'a': 0.01133801020179472, 'as': 0.010179802171563458, 'for': 0.008864501695020845}, {'and': 0.132592842855842, 'that': 0.07137593155666089, 'for': 0.06038310187110821, 'of': 0.059173354917198, 'make': 0.055109748071543244, 'as': 0.055090246772104334, 'in': 0.051833790663268216, 'with': 0.048269192648565495, 'but': 0.044289032127250653}, {'made': 0.08246691323518403, 'and': 0.08020123324695728, 'owned': 0.05355823622116156, 'occupied': 0.037224548394678834, 'accompanied': 0.03358181449793892, 'assisted': 0.030973541304274252, 'given': 0.027344695759911067, 'followed': 0.02716102703072291, 'signed': 0.02368115933603194}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'of': 0.32475458803577584, 'to': 0.12015065093509915, 'in': 0.10153223435580576, 'and': 0.08739067976217076, 'by': 0.04931805913046392, 'for': 0.041677485344800376, 'with': 0.037091833179527675, 'at': 0.03428199170115617, 'or': 0.03365084169421756}, {'the': 0.24585287818318674, 'of': 0.1344681105140116, 'any': 0.071664786368606, 'in': 0.06031322596667379, 'and': 0.05949349086295819, 'to': 0.04870248332199396, 'great': 0.047015932328925134, 'this': 0.03832829850144582, 'their': 0.03387935598203644}, {'the': 0.13892004937620017, 'per': 0.09247437029896574, 'of': 0.0884405237865194, 'a': 0.08599719331923505, 'for': 0.03668634833871112, 'all': 0.036315737768530386, 'his': 0.030781728475455447, 'said': 0.02929836284606547, 'and': 0.028425351670793995}, {'of': 0.1582559933891888, 'the': 0.09407817952359815, 'in': 0.057873491356385934, 'and': 0.04702176872006862, 'that': 0.03743136021928463, 'to': 0.031011104865684532, 'The': 0.026454772604923092, 'for': 0.022924280922302677, 'Mr.': 0.019774204214003416}, {'of': 0.2018036322808708, 'and': 0.13047557626390166, 'are': 0.11497898228114176, 'in': 0.10954259823898836, 'for': 0.10344238064540112, 'is': 0.09519276756693355, 'was': 0.043564034087872586, 'by': 0.034522789766362666, 'with': 0.032850413405332256}, {'It': 0.38926556885996333, 'it': 0.3683442975941771, 'which': 0.034994942268285215, 'he': 0.0268245032236293, 'This': 0.024604674455218606, 'that': 0.017993571573776863, 'what': 0.01613027326653137, 'He': 0.015283263123915725, 'who': 0.014291087045948997}, {'be': 0.22801587186527675, 'was': 0.1426498885699652, 'he': 0.11446578336848594, 'and': 0.09955953464924268, 'is': 0.07514558690702876, 'been': 0.053449238996279395, 'were': 0.042449722259154464, 'have': 0.03664990014110067, 'are': 0.03648348239071006}, {'they': 0.13857290709228798, 'it': 0.1097874525203101, 'we': 0.09946691456765053, 'which': 0.09075055870359469, 'he': 0.0866039150885535, 'that': 0.06974283356425422, 'you': 0.06790592858837419, 'It': 0.062200523905741684, 'as': 0.04727374713886686}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'in': 0.04301728608575407, 'and': 0.04010161674947548, 'was': 0.03140754992383249, '<s>': 0.025329358454577823, 'I': 0.0248243009274942, 'have': 0.0247910082319236, 'is': 0.02291332652592362, 'it': 0.022152319570548057, 'be': 0.021747261398879003}, {'a': 0.26047892463784605, 'the': 0.24862081987907203, 'good': 0.05092174080631648, 'large': 0.048783798579723155, 'an': 0.04452647560810687, 'and': 0.03631538561220973, 'his': 0.03207414626438653, 'The': 0.03007073089619454, 'to': 0.023416994923995384}, {'and': 0.09373567240246293, 'depend': 0.03836338004663328, 'based': 0.03824772294080833, 'placed': 0.037658878880170873, 'depends': 0.03741630306694303, 'called': 0.03668431560508889, 'down': 0.03262298769122071, 'made': 0.03233144866418736, 'effect': 0.02839860992487969}, {'forenoon': 0.05766658345487863, 'one': 0.049363574848151855, 'result': 0.03947922091726161, 'out': 0.03723003931221917, 'all': 0.035923595106952574, 'part': 0.03045119664844796, 'some': 0.024150696486699225, 'much': 0.02371734611801092, 'is': 0.023574873175895468}, {'the': 0.6975200287062916, 'a': 0.0934485829457492, 'The': 0.03147938317457869, 'first': 0.030292358684213216, 'tho': 0.026720079832296142, 'some': 0.023443495521142912, 'in': 0.0227905777723015, 'any': 0.019384031229068725, 'this': 0.016099930303166848}, {'statute': 0.21569155284583388, 'and': 0.09138604729903464, 'that': 0.03891008334753278, 'or': 0.036744663753202754, 'as': 0.029880794423083137, 'is': 0.026065677442959335, 'it': 0.025317263798739314, 'was': 0.023216097336508434, 'be': 0.02281378867336393}, {'the': 0.5534684913811659, 'a': 0.06505907479506276, 'this': 0.0441539673061017, 'of': 0.04216657492793452, 'and': 0.0325416841404106, 'The': 0.03048992885654099, 'tho': 0.027614319904504584, 'his': 0.024957642901746614, 'tbe': 0.014616716301707394}, {'and': 0.20005463631749942, 'as': 0.15855363699411193, 'that': 0.13549240328208728, 'but': 0.04825727612084025, 'even': 0.04615713418441326, 'him': 0.030544812800433512, 'asked': 0.026248075008347267, 'or': 0.025809326993230682, 'But': 0.02038758518487342}, {'the': 0.1804435058124581, 'of': 0.08964981171251785, 'and': 0.07796336471958432, 'a': 0.04240129500053345, 'that': 0.041934133964904585, 'The': 0.028662501582764493, 'in': 0.027988900498843387, 'no': 0.024394619839738462, 'Mr.': 0.024076003649587452}, {'they': 0.12431583327581261, 'it': 0.12408717691561688, 'you': 0.09474894943373352, 'we': 0.09263453385637958, 'which': 0.0797962593295975, 'that': 0.07551709164594722, 'as': 0.05824225475166083, 'he': 0.0504174386047111, 'It': 0.05016168529046606}, {'any': 0.26970877659645004, 'the': 0.1901285754301197, 'a': 0.08640252383965964, 'this': 0.0740968305048674, 'that': 0.058517265725497175, 'no': 0.03593974346407671, 'on': 0.03173217567859448, 'or': 0.027780633795003576, 'of': 0.027074564938073878}, {'to': 0.3171972220783695, 'will': 0.2381545426991935, 'shall': 0.10601616284205523, 'should': 0.06393261169180132, 'may': 0.05477008739751101, 'can': 0.0464941703987502, 'would': 0.04306422121170306, 'not': 0.03580705279342802, 'must': 0.035486722625560935}, {'the': 0.17087116299664976, 'of': 0.10190142499721039, 'a': 0.08412097900898033, 'and': 0.05260551021227671, 'or': 0.041810499317992585, 'to': 0.040100648227773907, 'in': 0.033880585424514977, 'any': 0.0240775442330798, 'be': 0.019258494327570132}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.16262722465144508, 'of': 0.09605398498772871, 'a': 0.05715369362136166, 'to': 0.047235583264201596, 'in': 0.04259210197915025, 'any': 0.04019520942918945, 'for': 0.038900184006499285, 'or': 0.03687117495452614, 'and': 0.03404792952970576}, {'have': 0.17883704667886288, 'has': 0.14068899708601415, 'is': 0.12131126347826154, 'are': 0.10933906213570282, 'had': 0.09880657625852153, 'be': 0.07625662350211442, 'was': 0.06426993460306636, 'been': 0.04575446585106741, 'were': 0.03453395027843564}, {'to': 0.14720779522288274, 'and': 0.13435493987130043, 'of': 0.05329885608655525, 'the': 0.05145190809194689, 'he': 0.046228828351830016, 'in': 0.04253809855917549, 'I': 0.018633806290899637, 'was': 0.01704810048094784, 'by': 0.016516243872515202}, {'day': 0.025686453700937348, 'sum': 0.01578170741296544, 'out': 0.015276140033324632, 'one': 0.014604836544231871, 'that': 0.012177174118028995, 'and': 0.010847389973061717, 'period': 0.009829016579425762, 'time': 0.008505818876289374, 'state': 0.007782513732985663}, {'the': 0.593334167122652, 'a': 0.06770192999861864, 'The': 0.054829619338030586, 'tho': 0.03044541465924529, 'and': 0.026107124152297448, 'county': 0.01713240805742168, 'of': 0.016912643139079198, 'one': 0.014880046591639792, 'State': 0.014638913265302016}, {'the': 0.1726176708275159, 'and': 0.07873081622101893, 'of': 0.0694213430185019, 'Mr.': 0.037283424037817446, 'The': 0.034966024464803035, '.': 0.02312076893387131, 'that': 0.019547756232751953, 'Mrs.': 0.016602132251193533, 'to': 0.015248539374302537}, {'and': 0.11736792520358612, 'that': 0.04786308738484356, 'made': 0.037441265433318154, 'is': 0.03492261740729612, 'was': 0.034646122418110326, 'placed': 0.02810210111465904, 'as': 0.02546551106103744, 'be': 0.025160666769283038, 'or': 0.024769337014637474}, {'of': 0.3544623528720922, 'to': 0.16092226708135948, 'in': 0.09327386709142893, 'on': 0.055443197075940136, 'by': 0.05430910542068113, 'for': 0.05261534608325207, 'that': 0.04662550972235219, 'at': 0.04588491396750374, 'and': 0.03756600045901414}, {'of': 0.24916172282797042, 'to': 0.1690691361871953, 'that': 0.08053377206056608, 'and': 0.07540855295475608, 'with': 0.0657348982410321, 'in': 0.06511228384733246, 'for': 0.04466783880730985, 'all': 0.04080301807884467, 'on': 0.03811746236903818}, {'the': 0.10523113928085685, 'and': 0.08727137315265543, 'of': 0.08451051868146231, 'to': 0.04641015134392429, 'for': 0.040333270914918985, 'in': 0.03432404995838311, 'are': 0.027600566973766633, 'be': 0.025969325839895654, 'was': 0.023264903550177192}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'of': 0.22910970129628047, 'to': 0.1235951767117128, 'the': 0.08614795994648251, 'in': 0.05537029289338011, 'and': 0.05408684119847971, 'with': 0.0515749606081686, 'on': 0.04968371353038104, 'by': 0.04692736395598269, 'a': 0.04646660494935103}, {'amount': 0.12865704606594627, 'and': 0.12444369652148943, 'is': 0.12423272526426445, 'he': 0.09373910256732564, 'have': 0.05285696673644924, 'be': 0.041384159033790974, 'was': 0.03972840450393431, 'which': 0.03341302527656188, 'that': 0.03244085018458605}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'and': 0.055380970453793935, 'made': 0.03279551909124507, 'it': 0.032587928030966135, 'free': 0.031691126023613625, 'miles': 0.029876409951177765, 'years': 0.027520075625838827, 'away': 0.02529938806870125, 'him': 0.025204883624127133, 'them': 0.025183047519013443}, {'who': 0.15934326799134058, 'they': 0.14486741102251427, 'I': 0.11260583413461822, 'we': 0.11066080642754061, 'would': 0.09027354244834869, 'to': 0.07093841586542098, 'We': 0.0681512409866228, 'which': 0.044372948651791505, 'They': 0.041206563276884614}, {'of': 0.09292752853280796, 'and': 0.0874501883231415, 'the': 0.06259447936288648, 'to': 0.043345402000006514, '.': 0.041434271650935425, '<s>': 0.03010090396366773, 'in': 0.0220067074460456, 'by': 0.018509017538322035, 'at': 0.018173779604988685}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.2924522540704612, 'and': 0.16023993499702854, 'of': 0.0864482625419611, 'most': 0.07465007663205656, 'be': 0.07185274536696709, 'are': 0.06767523751296345, 'was': 0.05657510493353563, 'is': 0.05158900754951953, 'The': 0.03679570651246916}, {'line': 0.19389557794125892, 'corner': 0.08499999852939337, 'sheriff': 0.05275908048124624, 'part': 0.045544131602029414, 'prayer': 0.039221047095041976, 'sale': 0.038679191376477615, 'portion': 0.03812930788990513, 'payment': 0.037456309388439614, 'side': 0.034973538451448884}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.2886141443280882, 'in': 0.11653032752687459, 'and': 0.0908715068784888, 'to': 0.08456908799644029, 'on': 0.08455979041913561, 'for': 0.07622353451684082, 'that': 0.05650363354607829, 'with': 0.055398648544028255, 'all': 0.036683939914770994}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.2728177319892789, 'of': 0.11157852220734094, 'a': 0.07149631641420674, 'and': 0.07073235790580433, 'The': 0.05074744333545061, 'to': 0.03304647126488629, 'in': 0.020839568132748, 'that': 0.02067861619555515, 'an': 0.01941388062567927}, {'the': 0.33559757090619086, 'of': 0.2375013450628604, 'in': 0.2076528161958807, 'and': 0.045272079583175785, 'for': 0.028000355063060856, 'In': 0.02765171932430208, 'to': 0.02425938983258857, 'his': 0.02413653996552825, 'their': 0.017525476237589842}, {'they': 0.1526364760205744, 'who': 0.0734903762880743, 'there': 0.06796953496356017, 'we': 0.06675967996448004, 'which': 0.051515065498583236, 'and': 0.04885033962872441, 'you': 0.04459834097877737, 'There': 0.03870682391240855, 'They': 0.03657499609252005}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'and': 0.16690008737938639, 'the': 0.14541030341310157, 'to': 0.11851916948467119, 'an': 0.06308886432760458, 'of': 0.05149757673782053, 'be': 0.05049623926623519, 'I': 0.04724607068846866, 'not': 0.04642876705354423, 'is': 0.03759056337880309}, {'they': 0.22280773967310954, 'we': 0.11935427657485817, 'who': 0.10415325120294021, 'They': 0.05172877811045896, 'We': 0.05171992524660028, 'you': 0.0486834396488307, 'which': 0.047263627108925205, 'there': 0.04581203767064161, 'that': 0.04334214385178308}, {'to': 0.564481511670937, 'could': 0.09297593261116999, 'can': 0.07413380783412574, 'not': 0.06172081459253007, 'will': 0.035305335620161686, 'and': 0.0335746776538667, 'cannot': 0.025964073702058697, 'would': 0.025035370328790642, 'they': 0.024034840439090824}, {'the': 0.2418564573597426, 'his': 0.14711854881987682, 'my': 0.14257321752516636, 'her': 0.0564250935929756, 'a': 0.0397830951992494, 'and': 0.037045602745715216, 'of': 0.02904213242794597, 'good': 0.021643155929752227, 'their': 0.021137357562483156}, {'and': 0.11736792520358612, 'that': 0.04786308738484356, 'made': 0.037441265433318154, 'is': 0.03492261740729612, 'was': 0.034646122418110326, 'placed': 0.02810210111465904, 'as': 0.02546551106103744, 'be': 0.025160666769283038, 'or': 0.024769337014637474}, {'and': 0.10117358512230519, 'was': 0.0834171220595284, 'be': 0.0706429306071623, 'is': 0.06927863011418534, 'are': 0.06909103451283756, 'were': 0.046334929711730644, 'been': 0.045441300494312095, 'so': 0.04062526674917811, 'that': 0.03393757168014932}, {'the': 0.5652459880214605, 'a': 0.09098522615033659, 'of': 0.05369022354071613, 'by': 0.049173690670265356, 'The': 0.047730512464127746, 'at': 0.041748798133303504, 'tho': 0.02721780625926838, 'any': 0.026506887264055624, 'this': 0.012944257806877585}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.3788365093487151, 'of': 0.1476730653850961, 'the': 0.12952769826272534, 'for': 0.053724793218963014, 'with': 0.05371238913910499, 'while': 0.04825531815036907, 'many': 0.04780974489180413, 'to': 0.04094257256108481, 'are': 0.029278375277627992}, {'of': 0.30212656968600743, 'in': 0.14220361497466397, 'to': 0.10496310105042574, 'for': 0.07657253098919448, 'that': 0.07035592146262955, 'and': 0.06151194047959399, 'with': 0.04836122621460522, 'by': 0.04109221803309872, 'In': 0.03605511472133475}, {'that': 0.15184908899470123, 'and': 0.12197354279476795, 'which': 0.09440559259915045, 'when': 0.07069247508494353, 'as': 0.06326763458574844, 'to': 0.06090439369252156, 'if': 0.03189693908362385, 'will': 0.031707243039532644, 'but': 0.02993207711120099}, {'of': 0.24803603498282267, 'to': 0.12203707497294448, 'and': 0.11415310523577525, 'in': 0.08519301750345586, 'that': 0.06508065684567674, 'all': 0.0519723899015347, 'by': 0.042065809539119696, 'as': 0.03384101585121577, 'for': 0.033510316336583766}, {'they': 0.15950076897412616, 'there': 0.06559986728696533, 'and': 0.060166833186025254, 'who': 0.05674934711250563, 'we': 0.044632261863838334, 'which': 0.044201187976166775, 'They': 0.035295914647178746, 'There': 0.0305925825622932, 'that': 0.029694253920493217}, {'.': 0.11948734780644954, 'A.': 0.06692338320959135, 'J.': 0.0659697569471812, 'by': 0.06267520049299333, 'W.': 0.06013097645283843, 'S.': 0.058577946968486866, 'John': 0.057258266865882555, 'of': 0.05363384542869331, 'C.': 0.05025161165014455}, {'he': 0.16242532129240678, 'be': 0.10653732455979577, 'have': 0.09457984597897443, 'I': 0.08114777082525482, 'was': 0.07740961908631461, 'and': 0.07375852554355955, 'had': 0.06100950556458596, 'been': 0.04984329495793386, 'they': 0.047734939451161876}, {'and': 0.0773370247573715, 'made': 0.032445866542438535, 'protest': 0.03202188435705372, 'up': 0.026877594179684976, 'judgment': 0.025458118285942473, 'brought': 0.025222641858540756, 'charges': 0.020697687323514753, 'taken': 0.02064462036214361, 'claims': 0.018586564457320594}, {'of': 0.11409846729573152, 'the': 0.09803659404922326, 'and': 0.09026756117777308, 'to': 0.07928419947211209, 'in': 0.04252654960467321, 'a': 0.03978990193322353, 'for': 0.03245950893487757, 'or': 0.027318447644419885, 'that': 0.022013812425724304}, {'was': 0.17854529351420945, 'and': 0.14035907942079023, 'be': 0.1315901731023788, 'were': 0.10407907281336654, 'are': 0.087191072781811, 'been': 0.06997531605814648, 'is': 0.061839992788403034, 'he': 0.024320420027420613, 'being': 0.023251040827971376}, {'number': 0.07616841833891147, 'purpose': 0.07193490118075829, 'out': 0.0475102908548599, 'matter': 0.043686173144403546, 'instead': 0.042945497506426386, 'cost': 0.03081395643632455, 'means': 0.029627642005503052, 'years': 0.02595698569039367, 'line': 0.02580066484741123}, {'of': 0.14636184076934286, 'the': 0.13623786160858753, 'to': 0.04227668510906862, 'and': 0.03604932803970315, 'on': 0.03465233200514751, 'in': 0.030659634720540604, '<s>': 0.025563679240332475, 'for': 0.02160638236382833, 'be': 0.02070873343687755}, {'the': 0.41296738510305625, 'a': 0.27889925617187283, 'of': 0.08220864312938013, 'The': 0.039894688462315524, 'in': 0.037406020787281696, 'this': 0.0340209948822931, 'A': 0.03015544741770368, 'tho': 0.02723423331865447, 'with': 0.020621796981390605}, {'to': 0.7125930962735687, 'not': 0.058433225980668864, 'will': 0.04850477002995723, 'would': 0.04116417065937847, 'and': 0.02998861843430332, 'can': 0.022760309309053893, 'may': 0.02125455501301959, 'could': 0.018330643151309087, 'To': 0.01644334539941386}, {'as': 0.19368690679880718, 'is': 0.17188279048585123, 'was': 0.11339265004754535, 'be': 0.07521637004210253, 'are': 0.07163084572811833, 'so': 0.06805964571669317, 'and': 0.06425425121322971, 'were': 0.043706378376920214, 'very': 0.03724024110275073}, {'and': 0.1300739164700418, 'of': 0.11338306726571885, 'the': 0.10006967208798173, 'to': 0.04490182090285124, 'for': 0.038382640755554025, 'a': 0.037947900437765886, 'that': 0.03541380962215245, 'which': 0.034311969164870115, 'or': 0.03140982652006802}, {'of': 0.2909390586179484, 'in': 0.09371535826639682, 'by': 0.08501376742367649, 'for': 0.08203258168491878, 'to': 0.07699926933065232, 'and': 0.07410408859318396, 'all': 0.05439932194833456, 'that': 0.05210445784215787, 'from': 0.03407365728238924}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'of': 0.1782917935237063, 'the': 0.12158772560058581, 'and': 0.10577030285940425, 'to': 0.05580345944934379, 'a': 0.044667182962639475, 'with': 0.026712154054240732, 'in': 0.02486939487960563, 'for': 0.0205261812364152, 'or': 0.020484180814945456}, {'he': 0.21170061934311954, 'and': 0.15445538825643998, 'had': 0.1486986706697288, 'has': 0.09110758429154675, 'have': 0.07686719719208363, 'He': 0.05934582255274806, 'was': 0.04850057969703065, 'be': 0.039226518476318986, 'who': 0.03600552146601352}, {'the': 0.6116922120892673, 'The': 0.11244370347662515, 'a': 0.052886638584525594, 'of': 0.03491673882139804, 'his': 0.02981711121854633, 'tho': 0.025624310526424585, 'our': 0.02387355775914729, 'and': 0.019930286211369087, 'this': 0.016872797501454723}, {'the': 0.14861013665237796, 'and': 0.10158965544753243, 'of': 0.09381555657082877, 'to': 0.05388910355734785, 'was': 0.02054524991332574, 'be': 0.019980398039956018, 'in': 0.01967880372201403, 'a': 0.01656387263735091, 'is': 0.01540898616624617}, {'of': 0.13705349031509192, 'the': 0.08460261107865863, 'and': 0.060034455343938364, 'to': 0.05890153141165389, 'on': 0.034412674714271105, 'in': 0.02434156265720095, 'for': 0.02017253458010768, 'at': 0.018333124245022345, '<s>': 0.014695030931634039}, {'the': 0.44767322154783895, 'an': 0.13344851949459405, 'any': 0.07688830771821989, 'that': 0.04939492579902669, 'and': 0.04245075565168366, 'a': 0.040358868449446444, 'such': 0.03401370860429779, 'this': 0.03153385506139165, 'no': 0.029668227145286236}, {'the': 0.7846581768659107, 'tho': 0.03631510258704416, 'The': 0.034048354017089756, 'and': 0.024670053698144935, 'from': 0.01717375275660902, 'a': 0.014487362448004295, 'that': 0.013713957997554939, 'tbe': 0.0130191006727187, 'on': 0.011285341096491857}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.13231764026179543, 'of': 0.09656638248095575, 'and': 0.04726119346913218, 'to': 0.039784400518065345, 'by': 0.030301772430690255, 'was': 0.023471829735116856, 'at': 0.02152897152008859, 'be': 0.021077403570004174, '<s>': 0.016886732370472873}, {'the': 0.18071352044139902, 'of': 0.11454022230381136, 'and': 0.06773512651010984, 'to': 0.040977774433232236, 'a': 0.03517685951074319, 'in': 0.019149231556508127, 'for': 0.01663889010894026, 'tho': 0.015234901530991236, 'be': 0.014672352632751937}, {'of': 0.44049677854547215, 'in': 0.2641586071327367, 'to': 0.06693100389593427, 'by': 0.04166543956253722, 'In': 0.03909019884835444, 'for': 0.03676954672951267, 'from': 0.02069179590346689, 'and': 0.018294291081848886, 'that': 0.013909759816849948}, {'line': 0.06292850547647402, 'street,': 0.05013195109268911, 'difference': 0.04670071778598307, 'and': 0.04037962918451277, 'street': 0.03223380061735782, 'war': 0.01670866262086782, 'midway': 0.01608756948837087, 'lying': 0.014660617343237956, 'of': 0.013858687394444695}, {'the': 0.5889219951209362, 'a': 0.11212602197306906, 'this': 0.070443505377132, 'his': 0.05581265307561443, 'tho': 0.040979780711729454, 'their': 0.03666103157151064, 'our': 0.016065459850724707, 'tbe': 0.015144678274202279, 'whole': 0.013890038912227317}, {'and': 0.287473522741104, 'to': 0.2840443083028007, 'will': 0.046883780029882534, 'that': 0.028698100457486397, 'not': 0.02551926461604231, 'then': 0.025310676012135346, 'but': 0.024015542032071967, 'which': 0.021704294686057328, 'I': 0.02169895395794379}, {'and': 0.12254394786777202, 'would': 0.11628841759811373, 'something': 0.06643710087567908, 'not': 0.044281843283321506, 'to': 0.043870257447252745, 'was': 0.04175230944016936, 'is': 0.04095648245732157, 'looked': 0.039764260478494726, 'looks': 0.03901391773129718}, {'the': 0.1378539191115588, 'of': 0.0848827646303156, 'and': 0.0801719897056662, 'that': 0.04447751894973755, 'in': 0.04101062713190477, 'as': 0.031930291296586234, 'The': 0.028858762347325203, 'Mr.': 0.028348279339225225, 'which': 0.023951256471906927}, {'the': 0.6653383392738579, 'and': 0.049189682217421225, 'The': 0.04183662604924702, 'a': 0.04086466370215022, 'tho': 0.034496374879621955, 'his': 0.029265071193593346, 'to': 0.02398637764180573, 'tbe': 0.018408004967594135, 'or': 0.015231583215732234}, {'for': 0.16647164948105395, 'the': 0.15439895523960612, 'of': 0.14492111284266748, 'about': 0.11831665344798682, 'and': 0.11700060937564058, 'or': 0.0683297988896486, 'in': 0.0424681398955306, 'last': 0.03398065550727914, 'than': 0.032962236717131534}, {'be': 0.21606856270851138, 'was': 0.13725658547456718, 'and': 0.08329314922021316, 'been': 0.07633145683469612, 'were': 0.06326515027967873, 'is': 0.04599326595930065, 'I': 0.036030410770022586, 'are': 0.03454554154707463, 'he': 0.030264538816759466}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'per': 0.822026340902177, 'the': 0.07456988993184983, 'and': 0.012669638239700116, 'of': 0.0054643098700238, 'an': 0.005354554731774128, 'to': 0.0044952020866460135, 'a': 0.0035843372218004334, 'by': 0.0031937256250397063, 'The': 0.0030958977169331077}, {'and': 0.21538199618126685, 'or': 0.11468362904282839, 'that': 0.06181056109758186, 'but': 0.05876855722190837, 'not': 0.05306931763026003, 'for': 0.026065858552028368, 'But': 0.024293051896344484, 'is': 0.022049344977521663, 'be': 0.021718336818777648}, {'he': 0.13007705439568754, 'it': 0.12513648307176503, 'and': 0.09266830046153023, 'which': 0.05861750749057116, 'It': 0.056979116173111806, 'who': 0.052546963200255634, 'be': 0.04208651024714239, 'they': 0.04115698306932835, 'He': 0.03072786015862567}, {'to': 0.297803944696855, 'will': 0.1533475994031909, 'not': 0.09242359656970814, 'should': 0.08342594774453767, 'would': 0.07993675842447262, 'shall': 0.07886708844656772, 'may': 0.06659736419510288, 'must': 0.041395790224668445, 'can': 0.039738080435439506}, {'he': 0.10373572844947997, 'it': 0.09939985201522919, 'they': 0.09396392775278786, 'I': 0.08174903969148221, 'we': 0.0738246055567601, 'and': 0.065643435726038, 'which': 0.06290703021086941, 'It': 0.05318092640272558, 'you': 0.04097403280254423}, {'County': 0.07654021584220447, 'city': 0.06849272633688766, 'State': 0.051068300720644284, 'City': 0.046995811096768425, 'county': 0.029438112295545805, 'day': 0.025110860962712124, 'line': 0.023743333184690286, 'name': 0.02213843316968751, 'son': 0.014139470166329365}, {'of': 0.13676646142935836, 'the': 0.13518712390968485, 'and': 0.09253498643555946, 'to': 0.061562180805728325, 'in': 0.05402715116970128, 'that': 0.03242291162195542, 'as': 0.023883015367489165, 'from': 0.01963793309539883, 'which': 0.017303066776937253}, {'about': 0.18397688705853488, 'and': 0.1619645559237407, 'the': 0.15802571813226446, 'or': 0.1017294225308394, 'of': 0.059630452772449785, 'was': 0.045482233087445006, 'were': 0.031851996050093805, 'than': 0.0313766926921391, 'are': 0.028734217512868816}, {'it': 0.13658167586337025, 'which': 0.12001920240972701, 'It': 0.11782804746711427, 'that': 0.078280563328333, 'who': 0.070133317669197, 'he': 0.06995204226584692, 'there': 0.05496290335222193, 'and': 0.0343987140609245, 'There': 0.029626703982828646}, {'and': 0.0979234229752952, 'days': 0.0956777256983732, 'time': 0.07304874066627066, 'appear': 0.05594088458755693, 'just': 0.053979649439969274, 'or': 0.05366355721687411, 'years': 0.051268140749875804, 'that': 0.049343836257080116, 'but': 0.04804996379616655}, {'of': 0.3605072660834577, 'in': 0.15380930073061494, 'to': 0.11274872379468863, 'on': 0.062421494595728176, 'and': 0.05437822695625265, 'for': 0.043423148283838565, 'by': 0.04202096281443218, 'that': 0.03888585499505386, 'In': 0.03545279896146832}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'of': 0.34908087224538636, 'in': 0.13185238597051646, 'to': 0.11089467916898561, 'that': 0.06466414189961024, 'on': 0.0570535449923338, 'for': 0.050038743521357974, 'and': 0.04675949716229538, 'by': 0.04574763942617845, 'with': 0.03752084517016697}, {'the': 0.2571710365016768, 'of': 0.12223944983871651, 'and': 0.0757579689398699, 'at': 0.03191771503830004, 'a': 0.028893975160605496, 'The': 0.025816053984371087, 'to': 0.02451785807750824, 'or': 0.021253089108734163, 'tho': 0.017819697544235995}, {'hundred': 0.2280740603662364, 'thousand': 0.2122979605724423, 'fifty': 0.06216451935515639, 'million': 0.05694101290044025, 'five': 0.043733643400465844, 'of': 0.0395715579679777, 'ten': 0.03474998969201126, 'dred': 0.014891294341711912, 'sand': 0.014491451654462922}, {'and': 0.11975468665564495, 'time': 0.05246469590225969, 'him': 0.025586741234610688, 'made': 0.024849367169713678, 'it': 0.021575759027989617, 'them': 0.021323917488472562, 'out': 0.020940091403697122, 'necessary': 0.020716861023200046, 'up': 0.02045087035811475}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'and': 0.13902262955600594, 'in': 0.07337858980576206, 'was': 0.06681949370072342, 'is': 0.06359864075069173, 'for': 0.06323537897223844, 'that': 0.062078849588954856, 'are': 0.05356852160346367, 'or': 0.049706702861593156, 'be': 0.043727946807501555}, {'be': 0.1722879295184843, 'was': 0.1658359090093663, 'been': 0.0965897471437863, 'and': 0.08341214173976541, 'he': 0.07775099656534419, 'is': 0.06009759613767736, 'were': 0.05932642104562853, 'the': 0.04765233846616527, 'I': 0.04261187320198197}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'week': 0.09303856439186654, 'and': 0.08461287514930894, 'time': 0.0302790007936209, 'up': 0.02898597149617637, 'it': 0.024145383221449622, 'there': 0.023725861950850646, 'was': 0.02355760716060262, 'him': 0.02320842295529803, 'them': 0.018955625126011625}, {'the': 0.1525868449124111, 'to': 0.08860314162870786, 'and': 0.0809307523938113, 'of': 0.06413149672430568, 'a': 0.05984421138992462, 'in': 0.05444914766920481, 'that': 0.03223760011016709, 'for': 0.029240597644207708, 'at': 0.018779735046613965}, {'to': 0.45262842738039716, 'will': 0.16782895994991173, 'would': 0.08637085728633949, 'can': 0.049594048511334, 'should': 0.04553254766348346, 'could': 0.04441266138216592, 'not': 0.03846966505132603, 'must': 0.03558419565446245, 'shall': 0.03288099766502964}, {'the': 0.17774327782161523, 'and': 0.13357491282239464, 'be': 0.1066327332196363, 'was': 0.09813040507504756, 'were': 0.056141869225404144, 'been': 0.04065207706790346, 'are': 0.02673558194081132, 'or': 0.02523365078583291, 'being': 0.025006802805108162}, {'of': 0.0700413173305661, 'the': 0.06945474350795633, 'to': 0.03897036079904934, 'and': 0.03603862425463849, '.': 0.029733171292979088, 'at': 0.026698931241094993, '<s>': 0.017954572327508418, 'by': 0.011810892286001991, 'a': 0.011784412952161852}, {'and': 0.1040113630505887, 'him': 0.031774613662566585, 'application': 0.0307505839363781, 'was': 0.029319516259670098, 'it': 0.027172227724490117, 'up': 0.02650714215507662, 'made': 0.023940893007746485, 'out': 0.022946242933547373, 'time': 0.022259067758951867}, {'the': 0.5827416468746129, 'of': 0.12113979224575469, 'and': 0.04797119312874534, 'The': 0.04462871980666055, 'to': 0.04189241720595577, 'in': 0.04080059044154051, 'for': 0.030894426672157724, 'tho': 0.030510874146721, 'with': 0.019072287914121626}, {'he': 0.1567544532543673, 'who': 0.1113964501232211, 'which': 0.0990784154274578, 'they': 0.08224332976568315, 'it': 0.07610300502660913, 'that': 0.0648251738952421, 'I': 0.052608625393135565, 'there': 0.04462407111357327, 'she': 0.04310565680315067}, {'from': 0.19107215550066328, 'the': 0.1726034181602621, 'in': 0.10733825599775976, 'that': 0.07840094101778944, 'some': 0.07240354316396762, 'any': 0.06986994017719324, 'this': 0.0637897477690407, 'a': 0.05851588320207729, 'same': 0.05363154805107126}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'time': 0.02172526103395508, 'in': 0.018120916375295604, 'men': 0.014564697977493638, 'up': 0.014012932584826745, 'work': 0.013759822494784277, 'out': 0.012852166248179748, 'life': 0.012119625821104575, 'him': 0.010970663875274022, 'power': 0.010746157304377514}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'the': 0.3035979336665797, 'and': 0.14713668731778784, 'his': 0.12165134639571402, 'of': 0.07153989145397018, 'their': 0.05820972271241845, 'a': 0.04742689598147645, 'my': 0.04441275945064575, 'with': 0.04289424984118797, 'her': 0.03498407143226282}, {'to': 0.24462428989042392, 'and': 0.11531743580243309, 'that': 0.059957737792265424, 'not': 0.05680510433627312, 'they': 0.047355130943260465, 'may': 0.04288418314925671, 'which': 0.040803223886729106, 'it': 0.0361699944363246, 'will': 0.034986859014409136}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.14825667043200208, 'and': 0.08094896087345461, 'of': 0.07732798558870262, 'to': 0.04876516307017929, 'was': 0.03414362179638968, 'in': 0.027231232040390393, 'a': 0.02626020903051952, 'be': 0.023479753236762282, 'is': 0.022392692357010024}, {'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.31197628396720356, 'with': 0.07673577213186111, 'for': 0.07197540691322615, 'of': 0.05744221403732136, 'told': 0.04830993743465832, 'at': 0.03282752306567184, 'upon': 0.03200310142111414, 'tell': 0.030220554181789767, 'on': 0.028078254275386377}, {'not': 0.16003108722039022, 'for': 0.1240600748921608, 'no': 0.10458454477450238, 'or': 0.07637754365056867, 'much': 0.07168548944376073, 'is': 0.06696804872673143, 'of': 0.063414326047461, 'and': 0.0630376154023348, 'nothing': 0.06200895789568302}, {'the': 0.1917853636965709, 'of': 0.10325248726076323, 'and': 0.10002955391352472, 'a': 0.079953352915198, 'to': 0.03373024129777235, 'The': 0.02729315952768078, 'at': 0.023315112673521116, 'in': 0.01905570026836164, 'or': 0.017902147496549416}, {'a': 0.29275245776821834, 'her': 0.13964317713337107, 'his': 0.12812154848825724, 'my': 0.07446970225987913, 'the': 0.06417961339131793, 'A': 0.04392141449137071, 'and': 0.03405126475134954, 'old': 0.03291576238874523, 'our': 0.026457071644901377}, {';': 0.03771462730736522, 'is': 0.030142501911112885, 'nothing': 0.018911084372397226, 'and': 0.01358702157530096, 'it,': 0.01267182972541698, 'are': 0.011613220930762704, 'was': 0.010539128112340958, 'had': 0.009832616521620409, ',': 0.009730318079210551}, {'of': 0.27189794820590163, 'in': 0.22007184547279196, 'to': 0.13910899507316216, 'that': 0.062062444697369816, 'In': 0.05638369920196487, 'and': 0.048047237374555365, 'by': 0.04712415532504556, 'for': 0.04594790415527732, 'at': 0.03079911205320799}, {'be': 0.1690716725929716, 'was': 0.14865404999932413, 'been': 0.11690657384094369, 'and': 0.10129333462176643, 'is': 0.09270982527377862, 'not': 0.06310860312676111, 'are': 0.06265436580163677, 'the': 0.058850872420952584, 'were': 0.05793371828016171}, {'and': 0.10696197078647372, 'that': 0.06808498853207864, 'time': 0.044518650038471656, 'made': 0.038008676360862644, 'them': 0.025715204732290754, 'him': 0.02262483176899067, 'but': 0.02105973852250267, 'or': 0.020362850002293292, 'up': 0.019389309088288714}, {'and': 0.13523386007157828, 'as': 0.06547772803941328, 'order': 0.058631319675697624, 'right': 0.04858465712146846, 'him': 0.043896638591790965, 'is': 0.04369664354846518, 'enough': 0.039874078697396835, 'able': 0.03832728063883508, 'them': 0.0381465650275007}, {'of': 0.18233840109148106, 'in': 0.16101364866910292, 'on': 0.14419642160711843, 'to': 0.11574862884466773, 'from': 0.09249712331803024, 'and': 0.06489414676382667, 'at': 0.05556694472210668, 'In': 0.04016850328275447, 'with': 0.034832562668322284}, {'the': 0.052747914871981216, '-': 0.04496244984380729, '<s>': 0.01797372059553506, 'and': 0.017509776697971262, '.': 0.015921194607648476, 'e': 0.012367702097768255, 'f': 0.01209249544972746, 'i': 0.009799186525722065, 'I': 0.009724027444399371}, {'to': 0.1933024861864803, 'and': 0.1279775818755553, 'the': 0.08087192376795065, 'had': 0.07265305125356888, 'was': 0.04859836320538883, 'not': 0.04393184753787785, 'a': 0.04266164733449224, 'have': 0.04110362943991872, 'be': 0.03511452546816739}, {'up': 0.02599392622706263, 'hundred': 0.02337240756523359, 'wife': 0.0150123805845867, 'in': 0.01266084765219946, 'men': 0.011256018124788943, 'time': 0.011252002898088509, 'down': 0.011143898631900266, 'life': 0.01018581331058573, 'dollars': 0.010170715042597272}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'the': 0.2196946128489294, 'in': 0.17135090992566643, 'to': 0.16040219046809323, 'of': 0.1382128627256354, 'an': 0.06329081995797049, 'this': 0.039730165782882174, 'his': 0.03857637321006684, 'In': 0.035794542125868425, 'and': 0.029320128911023192}, {'one': 0.10189426707557457, 'part': 0.05375327286628136, 'out': 0.03741029799930595, 'sum': 0.03683083318615634, 'all': 0.03632122304366345, 'amount': 0.03522969291471805, 'sale': 0.029494060761980585, 'end': 0.0272310736346637, 'number': 0.026648393143310068}, {'of': 0.15800000860276048, 'in': 0.09166923070740386, 'and': 0.05086058565020038, 'with': 0.04681258997737813, 'to': 0.04609863407274885, 'by': 0.03956586026589991, 'from': 0.031147576135358873, 'upon': 0.026235153394460056, 'on': 0.02441235404532618}, {'the': 0.10462047831469956, 'of': 0.10110358872609558, 'to': 0.09890132523216477, 'and': 0.05069271418075697, 'in': 0.028018045881319346, 'on': 0.025812656226692973, '<s>': 0.02536059187773316, 'a': 0.02070391004975502, 'at': 0.02067421152314705}, {'and': 0.21136766843253174, 'fact': 0.11299424328735849, 'is': 0.05046098897460503, 'of': 0.048485050723726664, 'but': 0.04056125586536303, 'said': 0.0382069407999115, 'for': 0.035179190390362304, 'know': 0.0326695189920287, 'all': 0.0324343407294002}, {'of': 0.24043186307800407, 'to': 0.12224058781922113, 'and': 0.11330980515253179, 'for': 0.08035651383990776, 'by': 0.07448273550132142, 'with': 0.07165408418423387, 'that': 0.05826337717550684, 'in': 0.05585968045250654, 'is': 0.04451243188625831}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.08688689379393368, 'and': 0.08320860853247602, 'of': 0.07436089547526338, 'to': 0.03864718626131223, 'was': 0.028969069599428254, 'in': 0.0275913499397692, 'for': 0.022653084446767096, 'he': 0.021308785142084802, 'Mr.': 0.020252533231924736}, {'the': 0.07762773450379333, 'and': 0.06830274909252171, 'it': 0.06262556292852783, 'at': 0.055235538603546304, 'a': 0.05406884287835023, 'It': 0.039373601239538356, 'on': 0.03202551757750229, 'of': 0.03047339261900686, 'which': 0.028542754364204566}, {'the': 0.26591041582509145, 'and': 0.05611468785385491, 'a': 0.04042709946358372, 'of': 0.03972699126458124, 'last': 0.029383141835465604, 'his': 0.023051917852576875, 'for': 0.02219135674106115, 'first': 0.020399643103513554, 'tho': 0.01807756908168006}, {'the': 0.10751511793572899, 'and': 0.08729108074436391, 'of': 0.06329858761533982, 'to': 0.05451909697533961, 'that': 0.03184520359821806, 'is': 0.030427310977731152, 'for': 0.02582895987779367, 'was': 0.022919121257408713, 'a': 0.020586369709929893}, {'the': 0.49917361375946606, 'The': 0.06581612526386563, 'said': 0.05848164997165617, 'this': 0.040292256362437114, 'of': 0.03741167874524136, 'and': 0.036007996836155735, 'Mr.': 0.028365503883113458, 'tho': 0.0230917335107462, 'a': 0.019093590633590243}, {'and': 0.1423715023617488, 'that': 0.056121057069731285, 'as': 0.045255220737025814, '<s>': 0.03080990552548969, 'but': 0.026885751948058294, 'to': 0.021620182061591334, 'when': 0.0201771675057666, 'which': 0.019747510494792207, 'for': 0.019106921187629283}, {'of': 0.054474029354291555, 'the': 0.04694428876253119, 'and': 0.042478018447971576, 'to': 0.029432870679164103, 'a': 0.019997625795963182, 'boy.': 0.019207773693860567, 'for': 0.0168145683493731, 'in': 0.016358175684150492, 'girl.': 0.014266398557036932}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.47090038159367725, 'a': 0.10223625761268607, 'every': 0.08655925916066336, 'this': 0.07938060851467763, 'great': 0.03744967696755446, 'in': 0.032305793636474726, 'tho': 0.02883860493139963, 'first': 0.026196844115930304, 'and': 0.025799862424650315}, {'any': 0.15123373340202234, 'of': 0.13600710482633857, 'the': 0.10397589703744682, 'a': 0.10218453380048834, 'no': 0.09103391973270375, 'such': 0.0788822759360156, 'this': 0.05404549158843093, 'and': 0.04784202200662274, 'that': 0.04453838763947562}, {'as': 0.08980247947664825, 'and': 0.06512949261993622, 'according': 0.05862507404263971, 'up': 0.05389899553372113, 'them': 0.04410767082523826, 'regard': 0.03960431761401057, 'come': 0.03824111394669009, 'back': 0.035333853400752305, 'return': 0.032678535105253856}, {'to': 0.33552275895130795, 'will': 0.2398529372754786, 'shall': 0.08475292096347108, 'would': 0.08228865488359843, 'may': 0.07503795899648365, 'not': 0.05189874006240177, 'should': 0.04315996634286525, 'must': 0.033071581102988294, 'can': 0.019282426235525875}, {'and': 0.1855277794047172, 'or': 0.12159747896901481, 'not': 0.08839507266161933, 'that': 0.0342236224408414, 'are': 0.030518165131882644, 'but': 0.0288913293175968, 'is': 0.02871551737102304, 'was': 0.025431052210855717, 'do': 0.01869743838572984}, {'and': 0.1492066975219369, 'that': 0.06630029731173347, '<s>': 0.03539831958756558, 'the': 0.0341687901826682, 'which': 0.033622931438904366, 'when': 0.028768175944141345, 'but': 0.02742160483091627, 'as': 0.025505688395825763, 'of': 0.02362989473459808}, {'to': 0.3227847955762768, 'of': 0.17970155769013282, 'in': 0.1137903671086665, 'and': 0.06612151882830997, 'with': 0.04999374161864498, 'for': 0.04739531215220637, 'is': 0.045995269997550915, 'that': 0.03739844750467596, 'at': 0.03594106371289379}, {'the': 0.2754163660093679, 'that': 0.12921827778556638, 'this': 0.10811533011762023, 'same': 0.1058424642186171, 'short': 0.09232029966348516, 'a': 0.07734601995709886, 'some': 0.0643497243421222, 'long': 0.048226205306706675, 'first': 0.03834440970444978}, {'person': 0.031059833110577018, 'man': 0.025457872629538702, 'one': 0.024431291220046166, 'action': 0.024252778161399667, 'in': 0.018177371640570095, 'city': 0.016528293904519747, 'year': 0.014316413497092307, 'county': 0.01363535932914509, 'lot': 0.012933093392644888}, {'that': 0.37407457277998757, 'and': 0.1511950249074446, 'but': 0.05380511307726943, 'if': 0.04801353674050106, 'as': 0.032525196453315176, 'which': 0.027598335686000886, 'If': 0.023610120957850447, 'where': 0.02150653681503721, 'But': 0.021044432580598186}, {'THE': 0.16951079978702055, 'the': 0.041892061926186726, 'and': 0.033678942651265184, 'at': 0.030719170674716367, 'of': 0.024563255133552484, '.': 0.023841997339025922, '<s>': 0.019742023778024358, 'to': 0.016519688427237837, 'AND': 0.011558068882146328}, {'at': 0.18262676929823365, 'No.': 0.08678024103010622, 'and': 0.06543526798083542, 'of': 0.05660716000823659, 'the': 0.038852417733367284, 'lot': 0.02962629754899305, 'block': 0.022884232889408662, 'Range': 0.022592791665535645, '@': 0.021335119519713133}, {'and': 0.14028825489961544, 'of': 0.07154747502432045, 'the': 0.04417383519161615, 'be': 0.03648949677003825, 'a': 0.03554646003274374, 'in': 0.0317128205196297, 'is': 0.031370523084917334, 'was': 0.030999885514119332, 'he': 0.028933980698391745}, {'that': 0.25211422976983466, 'and': 0.16666569783283258, 'as': 0.09374316716797744, 'but': 0.09345132797631538, 'which': 0.046166589524317916, 'if': 0.03802317400357202, 'of': 0.023186248389283882, 'when': 0.022124703369301835, 'But': 0.020541298573024835}, {'in': 0.34562812731469106, 'In': 0.10347514107419857, 'is': 0.08613128689431773, 'of': 0.08278922528654187, 'was': 0.06755690597038141, 'on': 0.06561991224738889, 'with': 0.06351433148135342, 'such': 0.052080381380553785, 'to': 0.042824314070108324}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'It': 0.16396358992225332, 'it': 0.0813786039337185, 'he': 0.05371326984585068, 'that': 0.05010916333445177, 'which': 0.04987531594615488, 'and': 0.0365884012097527, 'there': 0.020846920912984315, 'He': 0.01818762221545859, 'who': 0.015969848833641765}, {'it,': 0.01372559169792943, 'up': 0.012001818466259988, ';': 0.011030927077470274, 'them,': 0.010373171926864813, 'years,': 0.009379054851995023, 'here': 0.00887360359249057, 'it': 0.008220512752702776, 'him,': 0.007344643645485262, 'him': 0.007256338294214489}, {'in': 0.02443437267548532, 'hundred': 0.023589171317853486, 'time': 0.023111641322016378, 'good': 0.02230350636913919, 'large': 0.017449109624209827, 'dollars': 0.01690723688471003, 'one': 0.015446533014837952, 'free': 0.015291035923081337, 'new': 0.01527443443296613}, {'It': 0.23254496058792393, 'it': 0.09511876700524488, 'which': 0.060816663706970024, 'that': 0.049398925765948995, 'he': 0.039343649450885546, 'This': 0.0276694816668698, 'and': 0.02493944261286098, 'there': 0.01900367908622718, 'who': 0.018371480847819404}, {'in': 0.2869088690286149, 'of': 0.17320236587231796, 'to': 0.07943089390399377, 'In': 0.05010020057536746, 'at': 0.03432935713947898, 'the': 0.033187257154253726, 'and': 0.03287353143873972, 'from': 0.030140323524064535, 'for': 0.017202525204659903}, {'and': 0.0874610248006019, 'them': 0.05878259837378641, 'is': 0.05340701874025418, 'him': 0.048548697110045384, 'went': 0.033264105600947676, 'able': 0.032376447921459967, 'made': 0.0320702842946905, 'subject': 0.03133638363633054, 'as': 0.03132352768090367}, {'of': 0.07201180072668352, 'the': 0.0694250206375259, 'and': 0.06048273592767201, '.': 0.036345926377835694, '<s>': 0.030617124044118864, 'com-': 0.018450439863992217, 'Mr.': 0.01809297819078498, 'a': 0.016621363357744615, 'Mrs.': 0.01650348608812486}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.4582661788095602, 'a': 0.11524783738280081, 'and': 0.07253529642338016, 'The': 0.048137672216379095, 'tho': 0.025452093821799717, 'general': 0.021384537401130162, 'or': 0.018448426747937348, 'State': 0.01651684275479151, 'first': 0.011702079258102668}, {'and': 0.10323859654948, 'it': 0.03949983432861441, 'that': 0.032857049889577085, 'but': 0.03126361877713697, 'or': 0.023436798708387933, 'found': 0.0227606592157306, 'him': 0.022021955106400207, 'them': 0.020227454689354073, 'is': 0.01922338330267041}, {'the': 0.2752944063974346, 'of': 0.2485884940110106, 'in': 0.16385005475895975, 'this': 0.04499013204908538, 'a': 0.03065558777276878, 'In': 0.029358300500760402, 'his': 0.0287667872275589, 'for': 0.023857695905413364, 'under': 0.023386631200395375}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.5535965581176778, 'of': 0.10511133668564403, 'and': 0.056572844256139516, 'The': 0.04104453934659639, 'these': 0.03362541931270847, 'that': 0.030249906771002897, 'to': 0.02343890192436212, 'tho': 0.023190583352583633, 'which': 0.017940174899103222}, {'the': 0.24677401661073511, 'of': 0.12615293892550042, 'a': 0.10475017352552018, 'and': 0.0611364280050932, 'to': 0.04939288039681522, 'for': 0.021532483809697623, 'The': 0.021375036634672148, 'in': 0.02126018216021746, 'an': 0.021147779529514566}, {'a': 0.34871711355344565, 'the': 0.1702548283165829, 'to': 0.10842219686132751, 'of': 0.08254246648007108, 'his': 0.07704746707567475, 'in': 0.030348813329830523, 'and': 0.028548313914828656, 'this': 0.02750541034500425, 'their': 0.023708521027056444}, {'to': 0.25878158563827713, 'not': 0.1329679231455784, 'take': 0.13288706818317184, 'the': 0.07786423650890138, 'and': 0.07576925392164048, 'taking': 0.050209985803978965, 'taken': 0.04236894996546184, 'or': 0.03897066929030002, 'took': 0.02815193016114483}, {'a': 0.252574321983539, 'the': 0.2327532060524935, 'any': 0.09971654840266907, 'that': 0.0761187287275063, 'this': 0.04644442001159713, 'every': 0.039537788697127325, 'greater': 0.037861019235028444, 'latter': 0.029116307236611322, 'no': 0.026125414662914785}, {'in': 0.1738485070959827, 'of': 0.15428090449985557, 'to': 0.1171988274652381, 'or': 0.10427383860351094, 'than': 0.08757748720896995, 'for': 0.08571578566630463, 'without': 0.06832869323081747, 'at': 0.05637767505861196, 'by': 0.04611802920136333}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.3962787403015775, 'to': 0.2519990371271928, 'that': 0.036833258739847295, 'will': 0.02961585045681284, 'or': 0.024434853885985448, 'who': 0.022991995411944445, 'not': 0.022730476159917228, 'which': 0.022232541714597428, 'but': 0.01658802964719451}, {'the': 0.6393284329798006, 'of': 0.09541791025658025, 'The': 0.05983817416475503, 'tho': 0.03934977080866797, 'and': 0.028075432494841818, 'a': 0.02201836711376024, 'in': 0.01574652320642712, 'tbe': 0.013287541012090408, 'our': 0.01059835558946258}, {'the': 0.13842852145668902, 'and': 0.10996984708203736, 'a': 0.06805622444745539, 'of': 0.06572395130017208, 'said': 0.044158776498640105, 'that': 0.02011300809941898, '.': 0.017396160272614546, 'The': 0.016304333189582028, 'to': 0.015416108821886815}, {'and': 0.08558248218477728, 'up': 0.05134545096597338, 'it': 0.043319298945269986, 'down': 0.029083829236019786, 'that': 0.024039485532857417, 'out': 0.023002235478009232, 'him': 0.021587166359170983, 'back': 0.020618332680890843, 'Then,': 0.02024123510779978}, {'the': 0.3077040553750313, 'his': 0.09732903793122318, 'this': 0.08812281362041009, 'and': 0.08111695471995638, 'a': 0.06211363008609213, 'of': 0.060613542725742556, 'in': 0.0357816870516554, 'The': 0.033657132085959565, 'that': 0.028859409207893892}, {'a': 0.2424660236115055, 'the': 0.23525921237541822, 'young': 0.16126045854250465, 'and': 0.059354606640164224, 'old': 0.04008884921148288, 'of': 0.03017832603363822, 'The': 0.028393435806983214, 'man,': 0.026896082800884326, 'colored': 0.026510775738031636}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'and': 0.20767280800856022, 'so': 0.07770481703726108, 'was': 0.057739124725086785, 'is': 0.0573418621494096, 'as': 0.05634739003679198, 'to': 0.05493610314343296, 'be': 0.0459051142607423, 'of': 0.03379190373597111, 'which': 0.030897082958572953}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.1604697480758622, 'of': 0.11115147507530876, 'and': 0.09229814904931401, 'to': 0.07361477420540521, 'a': 0.05797706634709639, 'in': 0.04712777755609186, 'be': 0.04193693791414396, 'is': 0.027165410376618848, 'or': 0.023324901552052062}, {'the': 0.2870162211310594, 'a': 0.11563220394030459, 'of': 0.0592278767764424, 'and': 0.05453009641303936, 'The': 0.03030550209992271, 'to': 0.03006941751694055, 'in': 0.028740468208744034, 'tho': 0.019950315157194084, '.': 0.01214520786618879}, {'the': 0.1693283478198051, 'and': 0.06251884219846825, 'made': 0.060364917789946446, 'get': 0.050315884606483396, 'brought': 0.04530097762901354, 'with': 0.036732159047265844, 'be': 0.03654376607368135, 'a': 0.03381003261118004, 'make': 0.03173251890085325}, {'and': 0.1274424238403783, 'to': 0.07155580018893823, 'of': 0.05371056580437829, 'the': 0.036135054830403336, 'which': 0.025507268332199313, '<s>': 0.024259344359171955, 're-': 0.023697297297959104, 'in': 0.023008153074842563, 'that': 0.022512290011799264}, {'and': 0.2745006075232095, 'is': 0.12488513581470671, 'are': 0.10742407579667955, 'be': 0.08122486872348968, 'was': 0.07145455578951977, 'not': 0.05970746302996191, 'has': 0.0563803092092303, 'have': 0.04948761207712997, 'the': 0.04821040983267763}, {'the': 0.16177029567068826, 'of': 0.12320201606681143, 'and': 0.10092497327324541, 'to': 0.053458058158513906, 'a': 0.05286257211896775, 'in': 0.02551038270275991, 'for': 0.023287796910234575, 'be': 0.021933522190488105, 'was': 0.021130693982878333}, {'at': 0.13563359254155619, 'of': 0.09059255214857091, 'to': 0.06563624077408801, 'by': 0.04793324747808864, 'from': 0.03622348611692311, 'in': 0.030991159140298014, '.': 0.026845430333500484, 'for': 0.025625599542136807, 'and': 0.024694401265524114}, {'and': 0.09350760789558402, 'was': 0.038368108752398294, 'interest': 0.0380343261770555, 'that': 0.032825168245763064, 'them': 0.03026778834973371, 'been': 0.0239767248725808, 'it': 0.02369258965885964, 'be': 0.02353631134046357, 'stipulated': 0.023443913318752656}, {'and': 0.13902262955600594, 'in': 0.07337858980576206, 'was': 0.06681949370072342, 'is': 0.06359864075069173, 'for': 0.06323537897223844, 'that': 0.062078849588954856, 'are': 0.05356852160346367, 'or': 0.049706702861593156, 'be': 0.043727946807501555}, {'of': 0.21997910194698103, 'to': 0.11444993902791226, 'in': 0.09478683627155773, 'and': 0.08480821327566308, 'with': 0.07457711578884679, 'by': 0.07272560120918108, 'for': 0.06506607955395483, 'that': 0.05985684474917134, 'from': 0.03815234886940636}, {'the': 0.14188505723660197, 'and': 0.09262317450618116, 'of': 0.0738864041509582, 'be': 0.0621607495817144, 'to': 0.06115189078168849, 'a': 0.05076893696612521, 'in': 0.025833231793956368, 'or': 0.023091654563042, 'is': 0.021885878814445335}, {'day': 0.07761533479002172, 'sale': 0.05673496789072145, 'state': 0.05325907785556061, 'board': 0.04241444685958319, 'amount': 0.04087526035243889, 'number': 0.036716549802293, 'out': 0.03240067707034518, 'State': 0.028148225610717406, 'point': 0.02675496035707042}, {'that': 0.2051947074568817, 'and': 0.09233739432571109, 'as': 0.07770909410455115, 'which': 0.06175910268925192, 'but': 0.048253326613266506, 'what': 0.0328047544074924, 'if': 0.028766962964482477, 'when': 0.016556629621081002, 'where': 0.015601902740129334}, {'to': 0.7600986855057813, 'and': 0.03896538214335627, 'not': 0.02693841990824035, 'will': 0.026899565238018574, 'could': 0.018384025008187522, 'they': 0.01772633192531079, 'can': 0.017027335898721935, 'would': 0.01637431017823468, 'we': 0.015304442553140452}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'No.': 0.19409641659080912, 'June': 0.09356873036388985, 'April': 0.08093421888360144, 'March': 0.07939125490379244, 'May': 0.0718541178143389, 'July': 0.05735613129025679, 'block': 0.05497805008175935, 'lot': 0.04909990236241049, 'January': 0.04262850507992888}, {'and': 0.19946916673913948, 'said': 0.047453173257690155, 'of': 0.04600294351813151, 'all': 0.037733264676513265, 'but': 0.033259484023596866, 'so': 0.03221781552913863, 'fact': 0.030896521542997366, 'that': 0.0257574043871938, 'thing': 0.022576017035045814}, {'his': 0.24652440766646716, 'the': 0.1801270994913753, 'their': 0.15008719700489395, 'her': 0.08237838364960635, 'my': 0.07766463436524362, 'of': 0.053825705082489066, 'our': 0.042540218710511356, 'your': 0.03550023702368788, 'its': 0.026222266234075694}, {'and': 0.17647210397606578, 'the': 0.12161116810061752, 'is': 0.08912820428074618, 'an': 0.08061157213328463, 'was': 0.07351935727705795, 'are': 0.06625109458680759, 'be': 0.06380130521453722, 'that': 0.049770081218436416, 'been': 0.04465872267154229}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'New': 0.3978514840376647, 'of': 0.16310275896145635, 'in': 0.1056599910976691, 'to': 0.07618132043229768, 'and': 0.02143162358763319, 'In': 0.02045879672471876, 'at': 0.01540745421223693, 'for': 0.014405392427472118, 'from': 0.012000576663967822}, {'of': 0.2608987519149167, 'in': 0.2088769904194642, 'the': 0.1139549092435403, 'into': 0.06086723479956799, 'his': 0.06042210011715606, 'In': 0.05756411979861067, 'for': 0.05116517467380659, 'to': 0.049213247847257904, 'no': 0.04719454409106478}, {'and': 0.1322600287607463, 'to': 0.11648058479142775, 'the': 0.093546242108903, 'of': 0.08767477086388482, 'about': 0.05240218543384117, 'for': 0.036197870409272956, 'or': 0.030379374012247082, 'be': 0.028655546909874728, 'in': 0.0282705686055191}, {'the': 0.26288102480526493, 'The': 0.07985042860968697, 'that': 0.03271040979592716, 'Mr.': 0.03262616951557557, 'and': 0.026762949776954304, '<s>': 0.017485211443866742, 'said': 0.016290416309989557, 'tho': 0.014658721270536443, 'of': 0.011578994100553791}, {'line': 0.052645303743178024, 'city': 0.0504316018576403, 'City': 0.04038587701932861, 'number': 0.03988513553266237, 'county': 0.03454926527003946, 'quarter': 0.026694115834032785, 'one': 0.020081357712617223, 'town': 0.018577905175644928, 'County': 0.018436855705713687}, {'of': 0.1553534393091316, 'for': 0.1246093112223926, 'the': 0.0870603344137898, 'in': 0.08297983603963041, 'and': 0.08216412222979062, 'by': 0.048861318597015396, 'no': 0.03598486429348435, 'was': 0.033627153453816915, 'any': 0.03131903702839697}, {'the': 0.14964618175945454, 'and': 0.08153130210277511, 'of': 0.0733147467292488, 'a': 0.04883651865741819, 'in': 0.04384893557897298, 'to': 0.03913382923795073, 'his': 0.025933194440926507, 'was': 0.02420200420100675, 'be': 0.02231266983590519}, {'is': 0.22310556247074562, 'was': 0.13088317060085708, 'and': 0.08102289737603668, 'are': 0.07911616884926767, 'but': 0.05372581687639888, 'has': 0.05055457907772109, 'it': 0.05012133930221169, 'will': 0.04868787813890675, 'had': 0.047993567949792426}, {'and': 0.049987779033060356, 'covered': 0.044723617870181906, 'filled': 0.038280728623978445, 'together': 0.03035262580091172, 'charged': 0.023576196363331418, 'it': 0.021111078194854856, 'up': 0.01945360572525831, 'him': 0.01804285305433584, 'them': 0.01590682851574201}, {'line': 0.19389557794125892, 'corner': 0.08499999852939337, 'sheriff': 0.05275908048124624, 'part': 0.045544131602029414, 'prayer': 0.039221047095041976, 'sale': 0.038679191376477615, 'portion': 0.03812930788990513, 'payment': 0.037456309388439614, 'side': 0.034973538451448884}, {'.': 0.07547512324162693, 'the': 0.049593422956840605, 'to': 0.04427415199167663, 'of': 0.04348482583213414, 'and': 0.042574888982002984, 'a': 0.03192124235407984, 'at': 0.02977427553014634, 'in': 0.0225533245815953, 'was': 0.020202360803290468}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {';': 0.018260509031202517, 'it,': 0.015498593818797772, 'in': 0.015128261720539882, 'up': 0.01473259572212181, 'them,': 0.014703044530340202, 'him,': 0.014473879579482605, 'him': 0.014223563158649704, 'them': 0.010959435033522612, 'it': 0.010235395973436695}, {'for': 0.1531858468058629, 'in': 0.11657083735793586, 'of': 0.11411391663785429, 'as': 0.11377217159266781, 'is': 0.08062358705906905, 'with': 0.07101146699254829, 'to': 0.07036579810150172, 'was': 0.059368279007401714, 'by': 0.047488066158239646}, {'and': 0.1595515555818314, 'are': 0.04898873817421406, 'not': 0.0488046160207183, 'was': 0.03765745127219929, 'is': 0.03711972992622005, 'it': 0.027862663259452646, 'to': 0.027187693192831403, 'were': 0.02190646770642226, 'be': 0.019083697674668988}, {'the': 0.5751041764789333, 'The': 0.08282707086216085, 'of': 0.07113954434486941, 'our': 0.06477178932022269, 'Federal': 0.042935202761894595, 'their': 0.029488876239700694, 'tho': 0.024686088974788117, 'and': 0.022759476453745625, 'a': 0.018215944421774592}, {'pro-': 0.3109670539244811, 're-': 0.14030840277140155, 'intro-': 0.12846806948604522, 'in-': 0.07843581622776502, 'pro\xad': 0.04993022887828078, 'pro¬': 0.04179098872269837, 're¬': 0.026878348859596758, 'pro': 0.025817480001647995, 'ac-': 0.02568062069657048}, {'six': 0.02313829413483405, 'hundred': 0.02120404484049175, 'twenty': 0.021160779830386, '100': 0.01965407223430803, 'four': 0.01895944759665431, 'eight': 0.018871669595304424, 'ten': 0.01776099466970868, 'eighteen': 0.01646779335076154, 'five': 0.012825989703878278}, {'of': 0.24045848023153107, 'in': 0.11853943805894515, 'to': 0.11487368713857893, 'for': 0.07637641815966091, 'and': 0.06876932880504079, 'with': 0.06005178008720892, 'on': 0.04738378429140317, 'from': 0.04069130234169139, 'by': 0.03618077933950323}, {'and': 0.13484347384004414, 'of': 0.1275408412411712, 'was': 0.09781565957591354, 'is': 0.062302363130883526, 'are': 0.050187804452944726, 'were': 0.04535519846383692, 'for': 0.037466711238168034, 'in': 0.036767496865612155, 'one': 0.03076377750565927}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'he': 0.1971053023600304, 'it': 0.16305981319695434, 'I': 0.10008259559451446, 'they': 0.08389846722208498, 'It': 0.0684151966926107, 'that': 0.06493939509761193, 'who': 0.05770584104926496, 'she': 0.0452264646246645, 'which': 0.04164415960576257}, {'to': 0.40059370647978965, 'and': 0.1286312154857545, 'I': 0.09576093445783557, 'who': 0.07581873505227713, 'he': 0.057096839291199394, 'they': 0.0506299805706425, 'will': 0.045352955033767926, 'not': 0.044929981752474216, 'He': 0.03658350848248163}, {'the': 0.3305429241818052, 'and': 0.11401053541789935, 'of': 0.09826381184014478, 'a': 0.035911012207891, 'or': 0.03083917025586472, 'to': 0.026927920190963444, 'in': 0.024966968108674138, 'their': 0.02099679382278015, 'The': 0.01939058850732408}, {'was': 0.19794147293974715, 'be': 0.18110748593830334, 'and': 0.17253004516489273, 'been': 0.09610817587313901, 'is': 0.08288632876812943, 'were': 0.06148201446135512, 'are': 0.0449993399294827, 'most': 0.025720955493030963, 'more': 0.02480235557627589}, {'of': 0.3559222301742303, 'to': 0.1365829428330634, 'by': 0.0761790970163719, 'for': 0.061123517408771366, 'at': 0.05876328941638723, 'and': 0.048886982972179145, 'from': 0.046310651493510026, 'on': 0.044677980870397725, 'in': 0.039501483180109855}, {'to': 0.42817711911217937, 'will': 0.10237605097203253, 'would': 0.06635740789874833, 'and': 0.06086039865562244, 'you': 0.05615238556400745, 'not': 0.050950741540451434, 'can': 0.04491908130799451, 'they': 0.04184014959487492, 'we': 0.037550139462807254}, {';': 0.01714158929297479, 'due': 0.014457911724619901, 'it,': 0.010999974976448399, 'them,': 0.009517941315615053, 'interest': 0.009459046585912699, 'made': 0.009395013833061946, 'sale,': 0.009278918180320245, 'up': 0.008282377536028366, 'mortgage': 0.006798540292707776}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'more': 0.332476176113706, 'less': 0.12484669116540789, 'better': 0.061236919716353415, 'greater': 0.052565238384128195, 'rather': 0.052470604981691774, 'worse': 0.028529887499728457, 'larger': 0.026745654946848205, 'higher': 0.026532836041443825, 'other': 0.025915418923927538}, {'of': 0.15765367822660284, 'and': 0.10349616732328845, 'by': 0.09598000183349972, 'that': 0.07423014124471344, 'to': 0.04426690848263087, '<s>': 0.027831680917530823, 'said': 0.0248609377818279, 'which': 0.017298714482248227, 'Rev.': 0.016337665468434064}, {'and': 0.27595280848259723, 'was': 0.04729905865438313, 'is': 0.04121977654445754, 'be': 0.03616517339029887, 'had': 0.0322554909913581, 'that': 0.02742753427603721, 'but': 0.023209718167958228, 'have': 0.022680326606109653, 'as': 0.02087271456693}, {'the': 0.08701823429142183, 'and': 0.07742122038590957, 'of': 0.07335393896535423, 'to': 0.062233809247588014, 'be': 0.05605196526134993, 'a': 0.0443398717049855, 'in': 0.02887674364934766, 'was': 0.026775899629514398, 'is': 0.02581241996473295}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'it': 0.14277452702387003, 'It': 0.12913757531702158, 'and': 0.08207373842645707, 'which': 0.07859157791439214, 'he': 0.05936552346222534, 'that': 0.056813024342272825, 'what': 0.04594581045406291, 'there': 0.027387926621994407, 'This': 0.024867038086680414}, {'of': 0.14167774260761123, 'the': 0.13493817625147253, 'to': 0.08744405783382303, 'at': 0.07723815822731535, 'and': 0.07305146994996194, 'for': 0.06663379458716948, 'a': 0.05812767484157475, 'in': 0.0430451065892166, 'by': 0.0287101434709767}, {'land': 0.010166435240597033, 'up': 0.008466052051487264, 'interest': 0.008259843921854415, 'due': 0.007096824202815357, 'made': 0.006781289208584583, 'men': 0.006354712912478306, 'day': 0.005981040416633718, 'street': 0.005364172696181642, 'boys': 0.005356009114875244}, {'the': 0.46891734465476687, 'this': 0.2151819762492795, 'of': 0.07878278415109594, 'said': 0.06250937180700734, 'our': 0.03620435352035699, 'his': 0.021767585940264466, 'tho': 0.021265003411802673, 'their': 0.017328504058746457, 'a': 0.016877627781546105}, {'on': 0.3133288157718914, 'of': 0.2777613161744803, 'to': 0.10122596030302096, 'in': 0.09324266774252127, 'from': 0.0606579035054358, 'at': 0.038642940903375236, 'upon': 0.0236485598024402, 'for': 0.02054154203542097, 'In': 0.017158441646879852}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.1040113630505887, 'him': 0.031774613662566585, 'application': 0.0307505839363781, 'was': 0.029319516259670098, 'it': 0.027172227724490117, 'up': 0.02650714215507662, 'made': 0.023940893007746485, 'out': 0.022946242933547373, 'time': 0.022259067758951867}, {'as': 0.14052126738233434, 'that': 0.13870905612702253, 'which': 0.10380296925714104, 'and': 0.09181113917130353, 'when': 0.06061787747635268, 'what': 0.0459434507632977, 'if': 0.04453759761824227, 'where': 0.039761382055738086, 'but': 0.030182689225250203}, {'the': 0.30845959385801924, 'a': 0.1870929742958022, 'to': 0.15683168879751816, 'and': 0.047946590351964996, 'The': 0.040182360138923796, 'said': 0.018883973706653265, 'his': 0.018135790592568483, 'this': 0.016928666113223717, 'of': 0.01570267290285634}, {'the': 0.7323441893175486, 'a': 0.08360678569614571, 'tho': 0.046944640621589095, 'The': 0.035726015715490424, 'tbe': 0.013809206568786404, 'of': 0.013264726415688913, 'and': 0.012641830301766752, 'our': 0.01161871002331124, 'in': 0.008929451298867035}, {'the': 0.3200921462839759, 'and': 0.17775110174221312, 'of': 0.10163029054992527, 'The': 0.09825805203480255, 'that': 0.05359297514190367, 'in': 0.02092956802424268, 'his': 0.017075816987347333, 'their': 0.016988449300699395, 'tho': 0.013247426852165347}, {'and': 0.13916675542109552, 'would': 0.09911449402630675, 'they': 0.09541330327616615, 'will': 0.08368262450969752, 'could': 0.067182610915456, 'all': 0.06659368700262179, 'can': 0.056573136510207137, 'to': 0.0516914230150872, 'which': 0.05151720064068975}, {'and': 0.19027043216425527, 'he': 0.14600436770274194, 'had': 0.10315842100405702, 'have': 0.07668481088223221, 'has': 0.06604408384060394, 'who': 0.05106930024427223, 'she': 0.036704893824830935, 'be': 0.03634509964288505, 'He': 0.0362270262215022}, {'one': 0.07746741696919243, 'part': 0.059999007883393685, 'out': 0.05286983322023436, 'some': 0.0314300440992501, 'side': 0.02738491743669496, 'end': 0.025827427938256303, 'members': 0.025056059509581032, 'portion': 0.024675211486924854, 'all': 0.023197965377638546}, {'the': 0.13665472842801785, 'to': 0.09316764842978584, 'of': 0.0876737607498333, 'and': 0.0765385881908439, 'a': 0.05229701686194703, 'at': 0.03563268464929731, 'or': 0.02920328575266633, 'in': 0.024694751921540904, 'be': 0.021512028184041312}, {'of': 0.344646493310477, 'to': 0.11140739796126664, 'in': 0.1022619892794409, 'that': 0.07205568561257397, 'for': 0.06464494448222347, 'by': 0.06352986252449942, 'and': 0.06081852131831918, 'all': 0.04411006029999217, 'with': 0.033100442303112314}, {'of': 0.35898476627722337, 'and': 0.09333034905516084, 'by': 0.07559295920223663, 'to': 0.07418311592829556, 'that': 0.0600877855228782, 'for': 0.05795632695274839, 'in': 0.04791752161168119, 'with': 0.04337833542464593, 'all': 0.03886621089703464}, {'one': 0.08748891782679924, 'part': 0.0386083438747652, 'out': 0.02695093718388284, 'portion': 0.023576039796977998, 'side': 0.019628641177316258, 'some': 0.016085236502000392, 'that': 0.01565678845688778, 'tion': 0.015050944562145247, 'member': 0.013900571109613031}, {'the': 0.7744510996095492, 'tho': 0.04340268152578448, 'The': 0.03733400320667859, 'and': 0.030422695450255104, 'tbe': 0.016051123265193354, 'his': 0.015868556066209096, 'our': 0.014345133379428932, 'their': 0.013502833984650653, 'her': 0.012652799717488845}, {'they': 0.12838347398337074, 'we': 0.11603658248393978, 'he': 0.11188205608174079, 'I': 0.10806467310526675, 'it': 0.07731331117343797, 'that': 0.04893562850977295, 'you': 0.04718779423013539, 'which': 0.04558976312336366, 'and': 0.03978320874870181}, {'the': 0.37406398481576764, 'and': 0.09789283044290181, 'of': 0.08614083474611815, 'his': 0.07398555159704483, 'a': 0.06455933570743996, 'to': 0.02732012559241683, 'The': 0.025617467761658175, 'by': 0.025051121559504487, 'her': 0.022771033921148105}, {'of': 0.2862779791022658, 'in': 0.12479700657232952, 'to': 0.09661992917164852, 'for': 0.07184245053597102, 'with': 0.0604829196759101, 'any': 0.059353552837803844, 'that': 0.05289564943366455, 'and': 0.04871261780664792, 'by': 0.04070126915283188}, {'and': 0.14624172187554696, 'I': 0.04968913143235642, 'he': 0.03641090696077105, 'the': 0.033659991963057315, 'to': 0.03247823806244456, 'was': 0.02915660775513648, 'will': 0.024551381857490673, 'they': 0.0235881554309071, 'we': 0.02292756146697019}, {'out': 0.08763104728141678, 'number': 0.057580820736952365, 'place': 0.03821117053033225, 'state': 0.03644162497912241, 'amount': 0.029923859285961703, 'means': 0.028707652541831018, 'right': 0.028631497354903765, 'one': 0.028232353938481995, 'men': 0.026617654134131075}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.7098015841331838, 'Of': 0.14117917726656043, 'in': 0.029709406405197702, 'the': 0.015429453021581132, 'by': 0.01006072089835849, '"Of': 0.009972589407806536, 'at': 0.009776628908558104, 'with': 0.009404597795038895, 'and': 0.008479089780488449}, {'from': 0.20150289131649113, 'and': 0.14027710302239307, 'or': 0.09550530328383325, 'of': 0.08291356006737537, 'writ-': 0.07324999140043657, 'than': 0.06744058845147712, 'to': 0.057440197250375524, 'in': 0.050868632988511804, 'for': 0.04851950978950488}, {'of': 0.19277915203791784, 'to': 0.1330615490527674, 'at': 0.11579182536525605, 'in': 0.11066739109094284, 'the': 0.09050852983467339, 'from': 0.05809717176794053, 'and': 0.05358219370121283, 'In': 0.04739643527612799, 'by': 0.021368131615267173}, {'A': 0.2009911845229435, 'S': 0.08444660021971566, 'W': 0.07600534380074941, 'M': 0.07042406314545278, 'J': 0.058788391456437446, 'E': 0.05539241992454945, 'B': 0.05517862257445404, 'P': 0.05146355984628782, 'C': 0.045759366372589795}, {'of': 0.06339943873594085, '<s>': 0.03480758901274995, '.': 0.03397423735608178, 'St.': 0.024459660486272506, 'Mr.': 0.020418080672471372, 'the': 0.014815297714660131, 'and': 0.013459118142439217, 'in': 0.012094499457280913, 'Mrs.': 0.011684331550262484}, {'and': 0.11462758539911878, 'up': 0.026838446994972752, 'that': 0.026656367708906614, 'was': 0.023644830115372047, 'feet': 0.022146587906750396, 'or': 0.02172560145588336, 'State': 0.021109578013222198, 'all': 0.019515219991039716, 'men': 0.01938366720437164}, {'the': 0.4830537359439289, 'and': 0.05529427128302169, 'a': 0.05367791146008955, 'of': 0.048574901962366954, 'in': 0.04598349203862976, 'The': 0.040562302808955536, 'an': 0.03909221746268884, 'tho': 0.029798431173240325, 'by': 0.0265940907044396}, {'the': 0.14171510727276082, 'called': 0.13150930205631498, 'their': 0.10041166526693991, 'his': 0.0832945060482374, 'call': 0.07555322587914223, 'much': 0.06210902013296782, 'more': 0.06180349943261655, 'no': 0.05694775347650891, 'and': 0.05165233476255317}, {'sum': 0.06695634040451216, 'amount': 0.050639984132819865, 'number': 0.04601313979829951, 'out': 0.042760080900698494, 'purpose': 0.03254190410827793, 'rate': 0.03134421092085639, 'means': 0.030493693278791846, 'matter': 0.027776023038121163, 'all': 0.026702632473917142}, {'of': 0.2848885860623192, 'to': 0.12305261192083064, 'for': 0.10594760036433702, 'and': 0.07920392378099879, 'that': 0.06970148761060382, 'by': 0.06650750063262117, 'in': 0.06498985012487984, 'with': 0.0641488652628662, 'at': 0.02676937181151162}, {'and': 0.4773730153184299, 'And': 0.07495051056661527, 'Since': 0.035528148000840996, 'was': 0.027766330387754553, 'but': 0.020398890269287928, 'He': 0.020149146218105464, ';': 0.01876639730586339, 'is': 0.018026464532579858, 'I': 0.017362921538195804}, {'W.': 0.1491780811075167, 'J.': 0.1125103558657575, '.': 0.07559531453199926, 'John': 0.07140602720213654, 'William': 0.06413548340725317, 'C.': 0.05979568595937828, 'George': 0.04257480115839099, 'Charles': 0.040096329187458535, 'H.': 0.03819963891825304}, {'the': 0.5583870177861487, 'a': 0.06380019325351304, 'of': 0.05931325996365711, 'this': 0.0509902971264318, 'his': 0.04517995384101428, 'tho': 0.03198226070430612, 'said': 0.023675441517746275, 'and': 0.019034169403781106, 'our': 0.014913783334177743}, {'of': 0.2861523254895883, 'to': 0.10321234554586928, 'with': 0.08251806662610496, 'and': 0.0804887446776547, 'is': 0.07408477594889004, 'in': 0.070463579929481, 'that': 0.05262063137701935, 'by': 0.049366110960523776, 'for': 0.04911385848964588}, {'the': 0.5818497790188143, 'a': 0.08924993155221042, 'tho': 0.04683920633565587, 'any': 0.04661984067615665, 'this': 0.0340989879407024, 'The': 0.023173404532240666, 'that': 0.022979335036995938, 'said': 0.020248473878111028, 'tbe': 0.019956729728184176}, {'has': 0.10393588103131844, 'and': 0.09020339643419678, 'I': 0.08388657115703153, 'the': 0.07990642062905164, 'had': 0.07419075293943105, 'have': 0.0687947053694681, 'was': 0.0627461334938327, 'is': 0.05469368637758079, 'he': 0.05433747899823775}, {'which': 0.15896429058649889, 'it': 0.13590766978241664, 'It': 0.12810686712786268, 'that': 0.10447867097896371, 'and': 0.0693525825837405, 'they': 0.04824412928531913, 'he': 0.028310863640348113, 'who': 0.028204714920000908, 'there': 0.02709170005945211}, {'the': 0.12097401935893959, 'of': 0.09019641097148685, 'and': 0.07410156036737092, 'a': 0.06329177214580034, 'to': 0.06208316916802432, 'be': 0.032002216428273444, 'was': 0.03040074523680641, 'in': 0.027776648211590663, 'at': 0.017714195121073514}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.7476195530885721, 'The': 0.033403599619705904, 'tho': 0.03269094869323309, 'in': 0.03243992297507668, 'a': 0.02582576997477148, 'and': 0.02566455777637741, 'no': 0.019713922672070998, 'to': 0.014315332307212632, 'tbe': 0.013312400617428975}, {'and': 0.09378816335961986, 'wait': 0.03764884196326778, 'not': 0.036212686548105895, 'them': 0.0331227046787897, 'was': 0.02786183118884861, 'annum': 0.027280355036694154, 'adjourned': 0.026043064068536886, 'it': 0.0256436196957126, 'is': 0.024647119401888337}, {'that': 0.19334165128296624, 'and': 0.18742737884450153, 'but': 0.10569903914763065, 'as': 0.0761181804251399, 'which': 0.05807654670077377, 'if': 0.03936126387756893, 'when': 0.03767480503209417, 'where': 0.027471127676823876, 'But': 0.024854195042196804}, {'the': 0.3597646788372354, 'of': 0.22172492331030513, 'a': 0.039795479295422896, 'this': 0.032630063184156906, 'by': 0.030587398198037522, 'and': 0.028524746008213687, 'The': 0.026263653277917586, 'said': 0.024946748095870316, 'that': 0.0226978669808888}, {'those': 0.32007856962829834, 'men': 0.12484907064929925, 'and': 0.05494733670545941, 'people': 0.04927374726155084, 'Those': 0.042752237602722246, 'man': 0.029876237094061234, 'all': 0.02925462454406736, 'persons': 0.027950615318406934, 'one': 0.02054101593993132}, {'the': 0.4151943250822687, 'a': 0.08869699396503497, 'this': 0.08224568633179873, 'and': 0.06207484405512542, 'of': 0.05625835618002344, 'for': 0.050359970950528736, 'any': 0.03663536023228621, 'in': 0.03552613061413024, 'other': 0.03486588255140623}, {'of': 0.24589123614955027, 'to': 0.14404110491048844, 'and': 0.0795158973333429, 'in': 0.05104452203629067, 'for': 0.04336549295268273, 'by': 0.041672837832412074, 'with': 0.03873832429107865, 'that': 0.02876536505517255, 'at': 0.020701696270501353}, {'and': 0.06260277057852931, 'demand': 0.03668377994745717, 'ready': 0.022865881190065825, 'time': 0.021765937364990808, 'used': 0.02048496889608116, 'vote': 0.018612341781242638, 'place': 0.015865336780782082, 'provided': 0.014058250284031432, 'candidate': 0.013979106403157091}, {'he': 0.15602755408491345, 'it': 0.07880436707342599, 'and': 0.07753517401022564, 'which': 0.06990646458904312, 'who': 0.059552607674737114, 'that': 0.057704253786323954, 'It': 0.044685681259726266, 'He': 0.034281209762023195, 'she': 0.026971433793165456}, {'the': 0.7175876180052325, 'The': 0.060587973387204744, 'an': 0.0484773371285466, 'of': 0.028209329331111838, 'tho': 0.025805195144551124, 'public': 0.02069644790205533, 'his': 0.016129939594002506, 'and': 0.01444145427217776, 'this': 0.011629056064890411}, {'and': 0.14028825489961544, 'of': 0.07154747502432045, 'the': 0.04417383519161615, 'be': 0.03648949677003825, 'a': 0.03554646003274374, 'in': 0.0317128205196297, 'is': 0.031370523084917334, 'was': 0.030999885514119332, 'he': 0.028933980698391745}, {'and': 0.07797922340094694, 'as': 0.06635416264528757, 'is': 0.05706093891184032, 'right': 0.05205697730521648, 'him': 0.04506351024012424, 'able': 0.04106328996195283, 'time': 0.040609831178398344, 'them': 0.03389124817843382, 'enough': 0.033651050682940616}, {'of': 0.3280376217776928, 'to': 0.12740977003619314, 'and': 0.09026314609042196, 'that': 0.07879215154989147, 'in': 0.07072195458006277, 'by': 0.057727862308762236, 'as': 0.05547682433994158, 'is': 0.0424148624172026, 'with': 0.03552661675235545}, {'and': 0.1941546178850624, 'it': 0.15706061767359455, 'It': 0.15048797691748136, 'he': 0.10995720319987085, 'as': 0.1042723663686992, 'she': 0.034488148183106006, 'that': 0.032731454807412026, 'which': 0.02833660400902171, 'He': 0.026247055456138008}, {'the': 0.46470634884800666, 'an': 0.10996200201478708, 'The': 0.09119592551764664, 'no': 0.05079890134230792, 'and': 0.03644322934948374, 'that': 0.03303495957288797, 'their': 0.03022276580295916, 'his': 0.02900538385745356, 'An': 0.02287758900064475}, {'be': 0.20880711814410363, 'was': 0.20759094310265758, 'is': 0.1305300136932989, 'been': 0.09330644696825871, 'were': 0.0498608990173548, 'are': 0.04462174857180923, 'and': 0.04441431884952347, 'have': 0.039536273924860664, 'has': 0.03463427396088888}, {'United': 0.8991279507979437, 'the': 0.03552755284719575, "I'nited": 0.0064566388286074975, 'Southern': 0.003210221164008648, 'The': 0.002949265475441927, 'ted': 0.0023985217050951422, 'nited': 0.002369229848690986, 'Uuited': 0.0021120521549012872, 'of': 0.0020383085523289087}, {'be': 0.16050920136159183, 'has': 0.12972044622814966, 'have': 0.1253840391993222, 'and': 0.08642954991839577, 'had': 0.073724869779429, 'he': 0.06503512135099783, 'is': 0.0600300462155762, 'was': 0.0575508307271756, 'been': 0.04662959186771485}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.23931454778424324, 'of': 0.12521566833174086, 'and': 0.08248639999637948, 'a': 0.07601883248984374, 'in': 0.022055941216950765, 'to': 0.019274090537492655, 'or': 0.017712219588990254, 'The': 0.017414931862003668, 'tho': 0.015369401914094733}, {'the': 0.8377602827142167, 'tho': 0.0332777829878719, 'The': 0.021224432813789974, 'tbe': 0.018029663716193727, 'a': 0.014026485941634392, 'of': 0.012697441206648029, 'and': 0.008481591261450448, 'on': 0.007394420845219453, 'by': 0.007334499098188264}, {'Of': 0.4746678210294131, 'of': 0.1662522243285622, '"Of': 0.06842066055052513, 'the': 0.05985309224243484, 'this': 0.03548377306707787, 'his': 0.0232971155594943, 'a': 0.021849268161826425, 'in': 0.01837286474721105, 'that': 0.013863910597907522}, {'there': 0.22772146315114405, 'There': 0.15367214021749406, 'they': 0.10334302175952174, 'we': 0.0613064087843261, 'and': 0.04623813270213724, 'who': 0.04373737024593487, 'you': 0.04152930919183444, 'They': 0.036196922339683815, 'which': 0.02958779311940651}, {'to': 0.5441797578063097, 'will': 0.1077687844037899, 'not': 0.058955571727640606, 'and': 0.05880621641414434, 'would': 0.04189563842960363, 'I': 0.03240027157790839, 'they': 0.028405054550238184, 'can': 0.027748268508015622, 'the': 0.02713014072061882}, {'the': 0.15664166418312828, 'of': 0.09421292848714644, 'a': 0.0757053195563078, 'and': 0.06964748869220398, 'in': 0.05242824162276046, 'to': 0.039266528883163745, 'that': 0.03155029247644357, 'for': 0.025794582645194863, 'which': 0.02236078911171009}, {'the': 0.3846554182432774, 'that': 0.10073762525306046, 'some': 0.09970425010143902, 'any': 0.07394136570299888, 'this': 0.07084077733930481, 'same': 0.06789793454263157, 'a': 0.06060387385690159, 'no': 0.03129434152087792, 'The': 0.027701068029747613}, {'the': 0.1497490743900884, 'of': 0.1167992589565103, 'and': 0.09627909058597205, 'in': 0.07540137752134951, 'to': 0.04757778060759327, 'for': 0.04453792870846285, 'a': 0.0415362709563418, 'that': 0.03041685626437843, 'or': 0.030153071321417136}, {'the': 0.42450001350925176, 'and': 0.17193337896285335, 'The': 0.056162106452851766, 'that': 0.05437237742404446, 'of': 0.050177472117150984, 'this': 0.034863997911607235, 'to': 0.03357737599772183, 'than': 0.029113796200700086, 'a': 0.026901438601644765}, {'the': 0.2282998393413698, 'a': 0.20781356925638428, 'of': 0.10366867829521079, 'and': 0.08668894856069417, 'his': 0.03989404035532527, 'to': 0.033200734981409616, 'with': 0.03214041064701487, 'in': 0.03129590317179157, 'for': 0.02524835526530042}, {'day': 0.07942849655655228, 'line': 0.07423886821002337, 'city': 0.07288707525347127, 'State': 0.0504107443841213, 'corner': 0.03491827155366863, 'part': 0.032760765542657985, 'side': 0.027802741809738133, 'state': 0.026920467994359626, 'quarter': 0.02412951240943403}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.2346875709283479, 'in': 0.12554530391985363, 'for': 0.10916761812464816, 'to': 0.10768530604842241, 'at': 0.10154778717346526, 'and': 0.0711708387917177, 'on': 0.058838586561375306, 'from': 0.04769005015928636, 'with': 0.045744048569985665}, {'number': 0.1498525360907145, 'hundreds': 0.07683344771822948, 'thousands': 0.04089025150120618, 'amount': 0.038341463893312965, 'out': 0.032104016566580594, 'right': 0.029435224008899762, 'and': 0.02488848407189613, 'that': 0.017095810675126902, 'class': 0.016917631702497545}, {'the': 0.40126338212695734, 'of': 0.13882296310614836, 'and': 0.07788392143688101, 'tho': 0.031996715044786274, 'to': 0.027479299911070974, 'The': 0.025779090384933822, 'in': 0.022667934262532167, 'for': 0.02047902977777486, 'an': 0.018982682272808395}, {'therein': 0.21397372029747813, 'above': 0.19082338756524703, 'hereinafter': 0.1379265034517, 'hereinbefore': 0.10715637758870082, 'and': 0.04977035828199908, 'be': 0.015614210010633872, 'is': 0.014697864944988993, 'I': 0.014081313967607435, 'he': 0.013714793316413213}, {'and': 0.08858827736608611, 'was': 0.07646780072077589, 'is': 0.05608616368653608, 'be': 0.0458655341148519, 'it': 0.0349447082180116, 'interest': 0.032623716582972646, 'are': 0.03197260211092436, 'not': 0.03141371109304563, 'been': 0.030062474123065515}, {'that': 0.06827709783582253, 'and': 0.04314135615142089, '<s>': 0.03622734755269788, 'as': 0.03008374180490366, 'it.': 0.02310068687288948, 'but': 0.020663178454938497, 'which': 0.019397380160042024, 'him.': 0.018176777825471214, 'of': 0.01746276649911745}, {'and': 0.05964670336055563, '<s>': 0.047726819104273156, 'to': 0.03941838698048379, 'of': 0.03404184212973138, 'in': 0.028401206410861895, 'for': 0.025543807633642588, 'the': 0.01709286997643414, 'a': 0.015335850148341145, 'by': 0.014682966858147899}, {'the': 0.8255776591156235, 'tho': 0.02928031734189497, 'The': 0.026290040801819226, 'a': 0.02522118494686372, 'this': 0.022905389559725174, 'sole': 0.01153491594545325, 'tbe': 0.011200817681564139, 'that': 0.00899124875546742, 'and': 0.005685367602814809}, {'of': 0.33686209480497326, 'in': 0.14503771742263716, 'to': 0.10473507393508866, 'on': 0.06055529690192789, 'from': 0.050552405816987854, 'and': 0.04781302887128719, 'for': 0.04732286119017452, 'In': 0.04150534852729302, 'at': 0.04083193120584281}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.3742396781092232, 'in': 0.1513124074152171, 'to': 0.08691149081566683, 'In': 0.046538079803949375, 'that': 0.0421041724875495, 'for': 0.04126099744243328, 'by': 0.03757320140410645, 'and': 0.036357523426467746, 'on': 0.035285038951852005}, {'hundred': 0.1544832343032791, 'two': 0.10173217179408518, 'one': 0.030569563836420382, 'three': 0.013436985711221247, 'feet': 0.008855758683350185, 'wife': 0.008117275806303045, 'dred': 0.0076164039961656126, 'four': 0.007428633649696515, 'and': 0.007340981509681278}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'and': 0.07894304958286986, 'wait': 0.05440663946586333, 'it': 0.03280573657675065, 'them': 0.030843100461892932, 'not': 0.02490684097053131, 'him': 0.024809305397304793, 'out': 0.02408757107289586, 'me': 0.02386428256625527, 'but': 0.020394551764681045}, {'be': 0.40323016522613525, 'was': 0.13345771416244143, 'been': 0.10794968219064749, 'is': 0.08146302539191297, 'were': 0.03977726906157331, 'and': 0.03211640800968934, 'bo': 0.03029485081219078, 'being': 0.029697896669113006, 'have': 0.029239005147336173}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.14166836833432883, 'of': 0.11321493339346302, 'and': 0.07602412808658252, 'to': 0.0570974831997663, 'was': 0.05094802262156029, 'a': 0.043943306171094244, 'be': 0.038992159953255806, 'in': 0.038739608073103476, 'is': 0.032839849344731664}, {'the': 0.10152350330723316, 'and': 0.08585345918703786, 'be': 0.06651110320896302, 'was': 0.06604720700496236, 'of': 0.061521023673210634, 'to': 0.04656741658199581, 'is': 0.04004951896640153, 'been': 0.03296236907398091, 'a': 0.028864141860157844}, {'the': 0.5250147111114234, 'of': 0.08704724306005496, 'at': 0.07542099773445506, 'The': 0.036039073513397156, 'tho': 0.035333563829404425, 'and': 0.029494428458214657, 'to': 0.02797837359674849, 'At': 0.016901641634018787, 'tbe': 0.013702587838247167}, {'of': 0.15982057692876717, 'and': 0.0744466129074958, 'the': 0.06904389886309768, 'to': 0.04956557558623471, 'be': 0.032401973419949125, 'was': 0.026962373719017663, 'in': 0.02678737049346774, 'by': 0.026090579748797818, 'a': 0.02428028559299429}, {'of': 0.36612151799116033, 'the': 0.13920235034697037, 'to': 0.08064497197011919, 'and': 0.06840035602432296, 'with': 0.06366121336246612, 'for': 0.03868922868040426, 'in': 0.038608625709635726, 'by': 0.03701205495821428, 'his': 0.02730298156068206}, {'the': 0.31599445291996225, 'blacksmith': 0.08715601636574426, 'of': 0.06688376281010226, 'a': 0.06198082868395559, 'and': 0.060152426289129944, 'in': 0.05617235891620677, 'barber': 0.024577462293980473, 'The': 0.020024166536604413, 'that': 0.017520752828084105}, {'the': 0.1461757870319722, 'of': 0.1368921220178119, 'at': 0.10365338416325041, 'in': 0.09512212959076409, 'to': 0.05728036739966862, 'and': 0.041586647188887375, 'a': 0.038716458683680594, 'on': 0.036665141128431014, 'In': 0.02784862081583094}, {'the': 0.2753658142646876, 'no': 0.17695040760311154, 'a': 0.14783279432083646, 'any': 0.04802530961188568, 'The': 0.04798648619336753, 'be': 0.04185655571582025, 'an': 0.03946072847743824, 'and': 0.03498041871830706, 'very': 0.03415089332242465}, {'in': 0.37845433526659933, 'the': 0.18445310316419072, 'In': 0.10171967251718503, 'a': 0.09148250859940796, 'take': 0.0775899422216241, 'took': 0.036324571764191224, 'and': 0.022421338507606553, 'or': 0.021199335893820063, 'have': 0.02015228180616662}, {'the': 0.15568525428237218, 'Mr.': 0.11352661845840616, 'of': 0.0741052632522777, 'The': 0.04848014983369766, 'and': 0.04662287945546754, 'that': 0.04309843811355618, 'a': 0.03230202603788462, 'Mrs.': 0.022114338424072632, '.': 0.01828302729721407}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'that': 0.33854142294661127, 'and': 0.17287487631504858, 'but': 0.06158247254146729, 'if': 0.04151271576135272, 'when': 0.04112976076723666, 'where': 0.03958392641855972, 'which': 0.03645630386373358, 'as': 0.0338366146344366, 'Then': 0.023312998937073733}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.3897347180654819, 'to': 0.11250612702960608, 'in': 0.11220463063640963, 'by': 0.06820411678591244, 'for': 0.06270459402284277, 'that': 0.05191317320506976, 'and': 0.04846896075362128, 'with': 0.04491959688843126, 'at': 0.03298521396340283}, {'person': 0.047369124258691615, 'five': 0.03274529894206818, 'ten': 0.026832487940554005, 'one': 0.02364060731207329, 'two': 0.020727264869074103, 'hundred': 0.02019095388684973, 'more': 0.019974623519892404, 'lot': 0.018895187739709697, 'city': 0.018033775657244778}, {'that': 0.273890767826367, 'as': 0.12889029397074098, 'if': 0.0945571883704347, 'which': 0.08511065612758453, 'and': 0.0815207805482456, 'where': 0.05941388865555407, 'what': 0.05202203650472154, 'but': 0.04331401575067197, 'than': 0.03764041119437595}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'to': 0.3307946165997583, 'will': 0.17391150919193862, 'shall': 0.12602232943783084, 'would': 0.10251594385098191, 'may': 0.08695129979419391, 'not': 0.05043261589344294, 'should': 0.04799439194506601, 'must': 0.02871047592060076, 'can': 0.016853743653616235}, {'of': 0.06316868384213477, 'the': 0.043404842619705945, 'at': 0.039068343680622605, 'and': 0.0354196227382943, '.': 0.03538584337305951, '0-': 0.022594533034147227, 'said': 0.022365451591175582, '-': 0.021976057233559727, '<s>': 0.017644204144380986}, {'and': 0.20563076862025606, 'of': 0.16991588426478885, 'the': 0.0627757269147173, 'by': 0.0607600957518596, 'in': 0.038590417136979346, 'or': 0.036367595461188285, 'for': 0.03395340599096295, 'that': 0.031122873208523614, 'to': 0.030230075756269275}, {'and': 0.24279598731548302, 'the': 0.18186076286413425, 'any': 0.12487562895699605, 'or': 0.10817237827381537, 'of': 0.0692268459172828, 'all': 0.06410272932181713, 'no': 0.047520886520528216, 'some': 0.04305752918325606, 'in': 0.03909593950209587}, {'the': 0.30399384347976394, 'a': 0.15642342784466956, 'that': 0.11139350708515769, 'The': 0.06563323285827996, 'this': 0.05803165519659609, 'and': 0.03812606123571071, 'what': 0.03481688657750097, 'of': 0.026611991736694186, 'This': 0.024769160241862844}, {'of': 0.32926613419877243, 'to': 0.16131115417446643, 'in': 0.10269895970420896, 'on': 0.09663869898507173, 'by': 0.05497148935600937, 'from': 0.05352991219410904, 'with': 0.050436202198929456, 'at': 0.04497145491099898, 'for': 0.030268650343540003}, {'he': 0.2844885419636067, 'who': 0.13567301707485407, 'she': 0.0771413865640798, 'they': 0.0673254795623417, 'I': 0.06448731097137171, 'He': 0.05987708412386047, 'which': 0.04873688758860677, 'and': 0.046665738973388, 'that': 0.028426490683099707}, {'the': 0.5656868464407865, 'of': 0.07676868062536575, 'and': 0.06618429332268674, 'this': 0.0574625001187431, 'The': 0.04873468311039973, 'tho': 0.03229853013571356, 'that': 0.0287616364932477, 'a': 0.026788297283999205, 'on': 0.02356718892031017}, {'the': 0.2391211519112488, 'Democratic': 0.16893567658659872, 'Republican': 0.14642109511648915, 'his': 0.056998985795167184, 'democratic': 0.04963986635440178, 'republican': 0.04623742074953299, 'our': 0.031529132863096075, 'of': 0.029727060443526646, 'publican': 0.023537337139278386}, {'and': 0.1561528002837096, 'to': 0.08159196847547935, 'of': 0.04408792312173022, 'not': 0.0332464327161019, 'which': 0.02949042190372715, 'it': 0.028522874970587937, 're-': 0.02850666492292025, 'the': 0.027232080250645885, 'that': 0.0267029526330664}, {'the': 0.3557841939520295, 'of': 0.04270838188390184, 'tho': 0.04160071759296607, 'their': 0.03489669687342028, 'and': 0.032036526696840886, 'our': 0.024191528590330063, 'tbe': 0.01912472494500027, 'The': 0.019021926620602248, 'his': 0.017003631687792755}, {'he': 0.23553224907941014, 'I': 0.17008181233288078, 'they': 0.08742107021793823, 'have': 0.06947335956894816, 'she': 0.06548906549434465, 'and': 0.06110483819534817, 'who': 0.0553916419963434, 'He': 0.05239581807748841, 'has': 0.04139761776396965}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'and': 0.1266704570749818, 'the': 0.07930276125025221, 'to': 0.07852222276769515, 'of': 0.07346920508503056, 'in': 0.056276280206562744, 'was': 0.054812544960467904, 'a': 0.044855313325208576, 'be': 0.04166811493347283, 'been': 0.024696017361551425}, {'the': 0.2607202310208217, 'a': 0.1439683822779001, 'and': 0.09191380554456345, 'of': 0.07885940532198492, 'an': 0.03264704766270362, 'to': 0.024828649002151322, 'in': 0.023271675740053625, 'The': 0.021215610538557594, 'tho': 0.01678328595674932}, {'to': 0.6491835269150502, 'will': 0.10445975645183314, 'and': 0.04807297809819965, 'would': 0.03317123356560717, 'not': 0.031409301590016044, 'the': 0.0240704118250589, 'may': 0.02180702866540974, 'of': 0.02106850235876645, 'shall': 0.01900630230216076}, {'of': 0.1333533661849079, 'the': 0.09393668323791601, 'and': 0.07239299029384473, 'to': 0.0713198304207533, 'in': 0.047270840564964944, 'a': 0.03953875601212043, 'be': 0.035219311395990396, 'for': 0.03407343962052774, 'is': 0.02637234518745899}, {'and': 0.07397232211375968, 'demand': 0.049052982956550875, 'ready': 0.04138609783520712, 'not': 0.03566681774891679, 'used': 0.0336030270929289, 'time': 0.025637273746609752, 'necessity': 0.02523181251764816, 'is': 0.021589573390766535, 'enough': 0.021376652291648285}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'husband': 0.011067435699593758, 'men': 0.009004642164039796, 'wife': 0.006788820011573553, 'John': 0.006602314781193786, 'William': 0.006534366283963257, 'James': 0.005921130684988987, 'up': 0.0058387735202744045, 'Robert': 0.005506424885529504, 'street': 0.005100555014428376}, {'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.302835565423608, 'which': 0.09655049260170592, 'and': 0.09612079539737729, 'if': 0.06337818029599254, 'as': 0.06120585753234836, 'but': 0.05388677416801479, 'where': 0.052987060163845134, 'when': 0.050435715035289895, 'If': 0.02909688608830858}, {'in': 0.15521153782825117, 'of': 0.15344655782424188, 'to': 0.08999192616098182, 'with': 0.058830499981178584, 'from': 0.050631734383549315, 'for': 0.05021268164174499, 'and': 0.03650786018057358, 'on': 0.03635617708238059, 'by': 0.035699160088288426}, {'of': 0.3307452244528446, 'to': 0.12377514546863495, 'and': 0.08082297005361275, 'that': 0.07581784353460164, 'in': 0.07356082286531933, 'for': 0.050799997856307705, 'all': 0.045097018738699056, 'by': 0.04451455944420933, 'with': 0.04208234181147068}, {'as': 0.10180611319426416, 'referred': 0.034590339259018985, 'and': 0.034443994252511344, 'came': 0.0321305787010135, 'up': 0.029695628157911793, 'conveyed': 0.02689576338262628, 'it': 0.025431073132373427, 'belonging': 0.024779272196435095, 'went': 0.022557631925837696}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'went': 0.17355594575552827, 'sent': 0.1278398540758045, 'go': 0.08104271825711079, 'set': 0.07605128004224362, 'turned': 0.07464098897334691, 'come': 0.06438833922462465, 'came': 0.05689055191576338, 'pointed': 0.0461879345034018, 'called': 0.043855661138228696}, {'the': 0.06939574571154318, 'and': 0.06868917234538742, 'of': 0.0684730662853353, 'to': 0.06817618464308862, 'in': 0.03089484255998193, 'be': 0.02687797580225512, 'or': 0.023714121888483975, 'a': 0.023029044672955707, 'was': 0.022685086753476413}, {'for': 0.6313444731469752, 'of': 0.1401216478715197, 'in': 0.0479059744393644, 'any': 0.03882871625596871, 'at': 0.022277641172290526, 'with': 0.019050084568242562, 'that': 0.01726086635116642, 'and': 0.014504427530768648, 'to': 0.013321748469896798}, {'and': 0.09791855744528048, 'it': 0.05441554497311964, 'agree': 0.03703897556636452, 'do': 0.03502152674799617, 'connection': 0.03108272081103575, 'them': 0.03021981898319152, 'together': 0.029911714582748092, 'up': 0.025534381396948788, 'away': 0.02060914255332503}, {'<s>': 0.13702982199635863, 'it.': 0.01833606818778825, 'them.': 0.011876843016506326, 'of': 0.011198687640673336, '.': 0.010893115003441327, 'day.': 0.009273776705051208, 'country.': 0.008219300206827661, 'him.': 0.008084051188776902, 'time.': 0.008073365118594876}, {'the': 0.13663355633689792, 'and': 0.09863872345922883, 'of': 0.07569016965655065, 'to': 0.07024681108961657, 'a': 0.037408265288471486, 'be': 0.032141432394330136, 'was': 0.031132584780025604, 'in': 0.029133606658843188, 'at': 0.024097098998867295}, {'the': 0.5112361360848913, 'a': 0.10922127359935571, 'tho': 0.03296070844823939, 'to': 0.027872796302764725, 'this': 0.02750523419851778, 'of': 0.02084749672835967, 'and': 0.019635722026580916, 'stock': 0.019080776918643946, 'The': 0.019028060319411757}, {'of': 0.19563658423518937, 'in': 0.1790294205383061, 'and': 0.12788796029992414, 'the': 0.11150217105683939, 'a': 0.0846304848730366, 'In': 0.06299929767309576, 'with': 0.0608208426336785, 'was': 0.034540994620092386, 'is': 0.03266035068293983}, {'is': 0.15797263118387464, 'of': 0.11914831218765128, 'was': 0.11348152611152104, 'and': 0.10612249509452959, 'in': 0.07786526743856984, 'as': 0.05520130328680876, 'to': 0.047016131595132925, 'by': 0.04276333693905458, 'any': 0.04214274440420486}, {'and': 0.2858092519593676, 'of': 0.1844371149021776, 'the': 0.059296635164978996, 'that': 0.05700378803286694, 'these': 0.042772402878363494, 'which': 0.02855956868463817, 'as': 0.028336709809156906, 'their': 0.02618977109180041, 'The': 0.022049575193263532}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'State': 0.32003681478349344, 'state': 0.08087538889589502, 'Board': 0.06274769466740376, 'line': 0.0483987037012212, 'county': 0.03900873844449361, 'city': 0.034197828713300016, 'corner': 0.033118381543535455, 'County': 0.03213194026577118, 'House': 0.017091170978989045}, {'and': 0.1755018408037285, 'as': 0.08901449332991454, 'of': 0.0703875641196159, 'was': 0.05227482424952112, 'is': 0.04590538954423482, 'that': 0.04379621144081799, 'which': 0.040847229059057924, 'are': 0.04049246936450108, 'to': 0.03883039924530475}, {'of': 0.16513074844749392, 'the': 0.15608817664919303, 'in': 0.07842667805580844, 'a': 0.07164903349080767, 'and': 0.04817558139374584, 'to': 0.04385285979936342, 'that': 0.02620901162455037, 'by': 0.026088421638528723, 'for': 0.025294404012788357}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'<s>': 0.11221154478439228, '.': 0.03136367830854043, 'Mrs.': 0.013727888821932885, 'J': 0.012674524119439434, 'OF': 0.010400818454516443, 'Mrs': 0.008999694424458105, 'Mr.': 0.008921560140120315, 'of': 0.007198111735296486, 'W': 0.006853658674119829}, {'are': 0.16399256795141998, 'be': 0.1603727277795372, 'is': 0.12128964964029049, 'been': 0.09873530957007288, 'as': 0.09390471007932166, 'was': 0.0706538070166228, 'and': 0.0669711962365596, 'have': 0.05221582194466033, 'were': 0.045225111149966885}, {'the': 0.16340877131996484, 'of': 0.10187750519424232, 'and': 0.06339798019533421, 'to': 0.05968057178243922, 'at': 0.030480692357168666, 'a': 0.027784273464244915, '.': 0.023107872450599164, 'in': 0.01903476694565956, 'for': 0.01651977890495804}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.10594050517303742, 'that': 0.06042951801539903, 'an': 0.04833193889483418, 'as': 0.04077753174712333, 'the': 0.0403392340146984, 'No.': 0.033418387408297216, 'at': 0.03249772382972938, 'when': 0.03143958935434014, '<s>': 0.026848082204417104}, {'of': 0.24606523834431174, 'and': 0.11456657334448522, 'to': 0.09699826604469376, 'in': 0.09336468013149654, 'that': 0.0798300500067293, 'for': 0.07120623340346717, 'by': 0.06097582134084827, 'on': 0.04458493497705722, 'with': 0.0406685514843694}, {'of': 0.18528081442939237, 'in': 0.12171463242044704, 'and': 0.112349729669843, 'with': 0.09037891660696905, 'is': 0.08936410166494094, 'was': 0.07141523867149598, 'by': 0.06907087356323721, 'for': 0.06776425423913089, 'to': 0.05225863591761697}, {'and': 0.17680759485325892, 'be': 0.08357290821650468, 'has': 0.0807559026512362, 'he': 0.08012197742266458, 'have': 0.06869156508112133, 'which': 0.06347906632724783, 'I': 0.06341553619016388, 'had': 0.04178182815309018, 'as': 0.041490861395530855}, {'the': 0.4148276370210559, 'a': 0.13546019383361332, 'of': 0.08975615017612722, 'and': 0.06636118149265513, 'The': 0.03607881072850951, 'in': 0.025787074970028485, 'tho': 0.021558210579108898, 'or': 0.02035476002421131, 'to': 0.01945296029074038}, {'of': 0.33768356439660613, 'other': 0.2642078075320211, 'these': 0.06452680151461997, 'in': 0.05066734785902275, 'the': 0.04825929209230359, 'all': 0.04799707566203015, 'for': 0.03943777043069471, 'various': 0.031426242759222754, 'to': 0.027024889083512693}, {'feet;': 0.13485432851623408, 'feet,': 0.05960882383070782, ';': 0.059354581152979397, 'and': 0.04589384095412251, 'running': 0.037186930834621885, 'feet:': 0.025506824903469626, 'street,': 0.023832294200772552, '4;': 0.02246393823834437, 'stake;': 0.022375336558823834}, {'the': 0.16863327683253762, 'of': 0.10257010169187995, 'and': 0.0915049246632365, 'to': 0.04594850725364744, 'in': 0.043531346797253005, 'a': 0.039390580594390066, 'his': 0.030009445827409876, 'was': 0.020016379292313872, 'In': 0.019547270877521804}, {'the': 0.4724914675954717, 'an': 0.08114630048102743, 'a': 0.06030756097677782, 'this': 0.037706722411390316, 'The': 0.037023729820074805, 'his': 0.030973412989177395, 'and': 0.02828652893998138, 'tho': 0.02346437585134193, 'said': 0.023027623330412004}, {'the': 0.2184318394445585, 'of': 0.12543177838715164, 'and': 0.10426787954181238, 'is': 0.09708007420869962, 'a': 0.06936763084273052, 'in': 0.06897472017345779, 'was': 0.06562011489400545, 'to': 0.04287988126594581, 'their': 0.04121785820752954}, {'are': 0.13481000761747144, 'was': 0.12233789671969869, 'is': 0.10502673767573673, 'and': 0.09485734562909166, 'not': 0.08704722952648435, 'were': 0.07258585520314982, 'will': 0.07191832632811425, 'be': 0.06306790332593348, 'had': 0.060550655468489714}, {'and': 0.21538199618126685, 'or': 0.11468362904282839, 'that': 0.06181056109758186, 'but': 0.05876855722190837, 'not': 0.05306931763026003, 'for': 0.026065858552028368, 'But': 0.024293051896344484, 'is': 0.022049344977521663, 'be': 0.021718336818777648}, {'men': 0.008422495425318316, 'up': 0.0078018989958647455, 'in': 0.006766090509855868, 'time': 0.006388398894042859, 'friends': 0.006103109524610669, 'him': 0.006072752958123748, 'man': 0.005696397077142086, 'home': 0.005689197498280238, 'wife': 0.005574218464129489}, {'.': 0.20880763846250477, 'J.': 0.14915846525147167, 'A.': 0.12204377159584782, 'W.': 0.08392336040015601, 'C.': 0.08059169654942933, 'Mrs.': 0.0760290122171312, 'H.': 0.06469112893871283, 'E.': 0.048815888543645894, 'M.': 0.046004779383629214}, {'it': 0.19099900465017403, 'he': 0.12840202426602595, 'I': 0.10671265311667635, 'It': 0.10149838239672206, 'that': 0.07587350798528603, 'they': 0.06648324244388334, 'which': 0.051582958207767274, 'and': 0.044813541876640224, 'we': 0.04185284148373112}, {'the': 0.2560290735947439, 'a': 0.11669203369872332, 'of': 0.06998389973159633, 'and': 0.05571200815789857, 'in': 0.029056466227042308, 'The': 0.026638790129834194, 'for': 0.024473184410335313, 'to': 0.02212743527587163, 'Mr.': 0.020881427743889278}, {'of': 0.22605554541834355, 'in': 0.17340621202176823, 'to': 0.08581164478961797, 'and': 0.08194918327480606, 'for': 0.06253747953388684, 'at': 0.05203577104611504, 'In': 0.0426107184441047, 'by': 0.027577428020555354, 'on': 0.023303565488306022}, {'made': 0.09896903728159996, 'be': 0.0806696753608651, 'taken': 0.07849985071177738, 'it': 0.0748942163483472, 'put': 0.06988549372940939, 'set': 0.05693890826253394, 'and': 0.04952999296160877, 'came': 0.04418321316321595, 'make': 0.043709428010536844}, {'the': 0.19972083951290798, 'of': 0.17958670724934905, 'and': 0.11901415800736871, 'by': 0.09632880344085372, 'an': 0.07244310058025334, 'to': 0.06590591720418539, 'in': 0.04721489751468937, 'for': 0.03757637803207698, 'or': 0.0265876941849928}, {'a': 0.17348123441454352, 'the': 0.13189708687524013, 'of': 0.11264849480900395, 'in': 0.059097216174245064, 'and': 0.05704635115429114, 'to': 0.04605132318431166, 'an': 0.036183637735933895, 'for': 0.02018587670875898, 'his': 0.01773705204984571}, {'the': 0.2348742483580354, 'of': 0.0998171358834496, 'to': 0.0547452566260043, 'and': 0.049821566186533356, 'a': 0.04535772350424651, 'in': 0.03458237975736316, 'for': 0.028475705146581435, 'that': 0.017844601301201742, 'on': 0.015727881882651132}, {'amount': 0.1333390184418484, 'sum': 0.09246223923812341, 'number': 0.08134620856726887, 'kind': 0.04739047478846991, 'piece': 0.04594016656602057, 'out': 0.044005265202442786, 'plenty': 0.03781360263128676, 'kinds': 0.03066154593031931, 'means': 0.027954208962947313}, {'at': 0.4939777273836379, 'At': 0.18846682451767977, 'of': 0.05394809565074005, 'By': 0.04794927436923768, 'for': 0.04429355011994735, 'that': 0.03670102812314371, 'in': 0.029882068119173884, 'to': 0.028273554996356358, 'From': 0.025717843032566}, {'the': 0.12930297890584885, 'of': 0.0829080838839971, 'and': 0.07844786002145818, 'to': 0.05803293301263155, 'in': 0.046995247412509066, 'for': 0.040521822551718205, 'that': 0.026183783797782544, 'one': 0.01914628868356415, 'by': 0.01783069147788271}, {'of': 0.13177126134871014, 'to': 0.09899571684514466, 'and': 0.07292250217733207, 'the': 0.06714264119105871, 'in': 0.06542579771817189, 'a': 0.05733463478837198, 'an': 0.030054413112133523, 'on': 0.029669051525583575, 'for': 0.028894573306573322}, {'of': 0.19684304528276603, 'to': 0.11314318653112791, 'in': 0.08662949996812544, 'about': 0.08218044977954629, 'and': 0.07462591453997192, 'at': 0.07167946490278707, 'from': 0.06529366094955479, 'for': 0.062126657243031506, 'on': 0.05480727566830129}, {'that': 0.19334165128296624, 'and': 0.18742737884450153, 'but': 0.10569903914763065, 'as': 0.0761181804251399, 'which': 0.05807654670077377, 'if': 0.03936126387756893, 'when': 0.03767480503209417, 'where': 0.027471127676823876, 'But': 0.024854195042196804}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'of': 0.21598127372311288, 'the': 0.1842627393420657, 'and': 0.13864146659978563, 'by': 0.08428513507013399, 'many': 0.06224458914363495, 'for': 0.05869809884116689, 'are': 0.04056244094534085, 'from': 0.033909755268096586, 'all': 0.02689542478461043}, {'is': 0.2922475054963862, 'are': 0.20815634200820413, 'and': 0.08658414924232652, 'Is': 0.056518488059078886, 'was': 0.04891525197988162, 'it': 0.034574242499026936, 'not': 0.02893774821180776, 'but': 0.02805933991110438, 'am': 0.025400245082171743}, {'to': 0.11495506970688947, 'and': 0.0918393574270878, 'of': 0.05425215205235922, 'the': 0.038148505989931185, 'is': 0.033204246463063636, 'in': 0.0295109246546491, 'was': 0.028580498797366398, 'con-': 0.02505349819126404, 'will': 0.023876091631703095}, {'at': 0.2106103533716223, 'about': 0.20218332898834027, 'of': 0.12188660056243755, 'and': 0.07542467423384736, 'to': 0.04316870046714755, 'over': 0.02097725502397937, 'from': 0.019211862079279114, 'for': 0.018726754035673993, 'than': 0.0159317465122449}, {'the': 0.3909023425106794, 'a': 0.24469189279006265, 'of': 0.07546672658565731, 'in': 0.06779610145937623, 'no': 0.04656596637204177, 'The': 0.03829723615607747, 'and': 0.03693424694010143, 'to': 0.027444666135684487, 'by': 0.02685255207164698}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.2630823041870914, 'be': 0.20337838866634933, 'was': 0.10406045010646134, 'and': 0.0761686865249602, 'been': 0.054109143813133025, 'of': 0.04846894449707815, 'is': 0.04830438573092333, 'not': 0.04774460509468434, 'were': 0.032724440841221156}, {'of': 0.061914287226871936, 'to': 0.04616316944045635, 'and': 0.04453777275748508, 'the': 0.041011947557411374, 'New': 0.022870316990066183, 'in': 0.02184683369460253, '<s>': 0.02033887785480803, 'a': 0.01524652366223325, 'that': 0.013447485894759975}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'a': 0.24319416164434843, 'so': 0.155796445275698, 'the': 0.13748543799493199, 'not': 0.07839661440222467, 'and': 0.06300348425740553, 'very': 0.04436200849377059, 'Not': 0.03733997347234047, 'that': 0.031850609955420925, 'his': 0.03146239489156827}, {'to': 0.18233721677314121, 'would': 0.16814595677566263, 'will': 0.12607772826539085, 'at-': 0.09774835772408794, 'and': 0.07780686776636221, 'I': 0.05779419899980477, 'not': 0.0504166740497709, 'who': 0.03838819379120307, 'may': 0.027349043815266542}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'and': 0.1445118409445972, 'he': 0.14310573738790863, 'be': 0.09865911529999252, 'had': 0.08606089368597766, 'was': 0.0678260777162852, 'He': 0.06384397454641086, 'have': 0.06372989680831714, 'who': 0.059429783078510996, 'has': 0.04684549048948205}, {'of': 0.17562108967369264, 'and': 0.07767297385597328, 'that': 0.053440101430058534, 'the': 0.05201706950743797, 'which': 0.035342149780292986, 'to': 0.032652765532656745, 'I': 0.028360804652226703, 'by': 0.025743899107070197, 'a': 0.024865574977033632}, {'and': 0.18569381454991518, 'fact': 0.10393506610711478, 'so': 0.06967451981910423, 'is': 0.06911477515395813, 'know': 0.046425361367575455, 'believe': 0.041787597584202564, 'say': 0.03527656775681039, 'was': 0.029167338440311812, 'found': 0.026230062431132687}, {'in': 0.14411866456517713, 'of': 0.11176434547254037, 'the': 0.08442118893046849, 'and': 0.06373154682518639, 'for': 0.054333716349069784, 'a': 0.03770631626163843, 'to': 0.036625992661016515, 'In': 0.03395800652509744, 'was': 0.019670084903815784}, {'it': 0.21451312338537318, 'It': 0.10826202947063722, 'as': 0.098218196316048, 'which': 0.09590492234201907, 'that': 0.07988959936613527, 'they': 0.059698887413628395, 'there': 0.042394582218303986, 'and': 0.032923399960012464, 'he': 0.030568284314665725}, {'to': 0.16864361901731964, 'of': 0.10082898737968009, 'for': 0.07344814285761356, 'make': 0.055918952738966736, 'found': 0.053894530340461606, 'on': 0.05192305097021089, 'have': 0.04178893684641372, 'and': 0.03754297620363848, 'made': 0.03672672178934551}, {'the': 0.1873830439526333, 'of': 0.10165320332316363, 'to': 0.07121158975065293, 'and': 0.06239695364163807, 'in': 0.035446901840830145, 'for': 0.035173487692861834, 'be': 0.028874204567123713, 'was': 0.021018146370974093, 'is': 0.019131692790431924}, {'of': 0.15372066481386523, 'and': 0.15347234244716593, 'that': 0.07043314747279117, 'for': 0.04964358104383635, 'but': 0.025397468640812482, 'in': 0.024199259291742197, 'when': 0.01621541853837752, 'which': 0.014558656175685709, 'where': 0.014006290614594562}, {'of': 0.349244579017296, 'to': 0.1067254305326604, 'in': 0.10282693431453283, 'and': 0.078696535375938, 'for': 0.06587151777801357, 'by': 0.05936033394209946, 'that': 0.05380636454530102, 'on': 0.046068872428872254, 'with': 0.041972835025623476}, {'the': 0.7497224625287263, 'this': 0.06473592066304434, 'tho': 0.0405930764600793, 'The': 0.02119812956461146, 'civilized': 0.019899243935921265, 'whole': 0.015760527292793636, 'tbe': 0.014022182478570141, 'our': 0.01362818799438929, 'a': 0.013083534725273592}, {'of': 0.30960763190240276, 'and': 0.11173081014904898, 'to': 0.09304356476333962, 'in': 0.09155600337221581, 'that': 0.06732408974799127, 'by': 0.05852318163834627, 'for': 0.05319969842735168, 'with': 0.05186606320866009, 'from': 0.0492380581939955}, {'of': 0.10151628470315288, 'in': 0.06787637222862136, 'to': 0.04295752848983094, 'and': 0.040795526019604955, 'by': 0.030028609278533902, 'with': 0.028534706861031288, 'for': 0.025858146863674526, 'from': 0.01867420536729891, 'things': 0.01721271010385602}, {'the': 0.181981358815316, 'of': 0.12155842331105805, 'to': 0.0664538850550095, 'and': 0.04666645055846086, 'in': 0.021311278499736436, 'be': 0.021271935325279406, 'for': 0.019342576620121843, '<s>': 0.016258771555628507, 'a': 0.015599184547339964}, {'the': 0.363029047717824, 'other': 0.06613250385891763, 'and': 0.0631556312970292, 'different': 0.05437925724672944, 'all': 0.052003374866487324, 'of': 0.050453795086723846, 'tho': 0.03697714029201329, 'various': 0.03541860177997209, 'some': 0.033966734403844595}, {'hundred': 0.016374052281408178, 'up': 0.01618939777023243, 'in': 0.014052222012246839, 'one': 0.013930996346624239, ';': 0.01380345759972001, 'each': 0.008946900832091846, 'made': 0.00892544190843549, 'it': 0.008758503913640458, 'it,': 0.008460958454635391}, {'years,': 0.0117261720363564, 'time': 0.009262870397660614, 'in': 0.00890977411654615, ';': 0.008527344454505903, 'porous': 0.0073987788236147605, 'hundred': 0.006801710170412053, 'it,': 0.006718792241139122, 'States,': 0.006125726512157915, 'manner': 0.005877824362701369}, {'the': 0.48417560913673746, 'of': 0.20848532815602516, 'for': 0.054861488907007656, 'and': 0.0460348199763647, 'to': 0.032482324155738915, 'other': 0.02931679800430134, 'by': 0.0278860372327261, 'The': 0.024637324055082285, 'at': 0.02409374893111801}, {'to': 0.6549477018082864, 'will': 0.0856047874146526, 'and': 0.06272982090432692, 'would': 0.04842517138799349, 'not': 0.03199126029255101, 'shall': 0.01706847457089604, 'should': 0.015549750333683663, 'may': 0.013889652447365902, 'can': 0.013359044950161473}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'that': 0.3184121930319525, 'when': 0.10869106834482817, 'and': 0.08721605707080288, 'which': 0.0739757339566945, 'as': 0.06381646206292822, 'if': 0.046047329641016176, 'where': 0.04465432055000798, 'but': 0.04348629969204293, 'said': 0.03643585927965661}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.4415366218037262, 'in': 0.10339837334759856, 'and': 0.08233133361355924, 'with': 0.07171573788640391, 'for': 0.06385382190387785, 'all': 0.04568533699958793, 'from': 0.03285260788713186, 'are': 0.03074033875636751, 'by': 0.028439301554149535}, {'two': 0.14681088465094952, 'four': 0.10202949174231207, 'five': 0.1003739237944744, 'three': 0.09562108202252086, 'many': 0.09174171738796259, 'ten': 0.07352311539490866, 'twenty': 0.07174391996374749, 'thirty': 0.05789665193843492, 'six': 0.056197487292693825}, {'<s>': 0.0850526313593187, '.': 0.05523261992274605, 'it.': 0.012837970785176797, '-': 0.011750673867752163, 'them.': 0.009797108539697192, 'sale.': 0.007882265383777304, 'of': 0.007102252557382286, 'follows:': 0.0062811321221658105, 'W.': 0.0055285661621608945}, {'the': 0.13287792713177382, 'and': 0.12243657164787437, 'of': 0.08375228104254046, 'to': 0.0453492765804862, 'a': 0.032559020002711665, 'in': 0.02426729711231851, 'be': 0.02317521436703816, 'was': 0.021608268063940866, 'or': 0.01928827116589284}, {'let': 0.2673231030198437, 'to': 0.16985754699278544, 'Let': 0.12751307868311101, 'do': 0.03533384532494548, 'for': 0.034675063636265685, 'of': 0.033598547153476405, 'with': 0.03304740317570088, 'made': 0.030723105216356024, 'have': 0.022956409748928003}, {'have': 0.16112331522627166, 'has': 0.14361532137731578, 'had': 0.13062644878105054, 'be': 0.12322961772233089, 'and': 0.0985953436635842, 'was': 0.09189148007266633, 'been': 0.06900964845487682, 'he': 0.0494271911039724, 'is': 0.04758141871386152}, {'and': 0.10875907706412513, 'to': 0.08614113119108828, 'of': 0.07815244228866491, 'the': 0.06935437916375181, 'in': 0.032041021560842875, 'be-': 0.031649775157493794, 'that': 0.024856014150232, 'was': 0.023202494258437373, 'for': 0.021293688566843005}, {'to': 0.6868440688404601, 'will': 0.062468732804506225, 'and': 0.047738268243215115, 'of': 0.03466243160756347, 'would': 0.023813355484339386, 'not': 0.022949319336036535, 'the': 0.02242115967571068, 'his': 0.021924954407002768, 'shall': 0.018284692927341268}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.13548954512956193, 'and': 0.08819213568870912, 'of': 0.056828508264461806, 'be': 0.04175833869461726, 'is': 0.03977001637978018, 'was': 0.03616857477490082, 'to': 0.03323309405320995, 'in': 0.02627818453254838, 'he': 0.023133046673097298}, {'and': 0.0752795004498769, 'arrived': 0.02732113135763818, 'Western': 0.021564487440487015, 'that': 0.020488390971345, 'the': 0.01649332328322332, 'sold': 0.016176639550026566, 'held': 0.01230313409918833, '2': 0.012130281904439037, 'or': 0.011952450752817706}, {'the': 0.3961580276265175, 'and': 0.1548638965259543, 'a': 0.06508716411003741, 'in': 0.04278716717201185, 'The': 0.04059013363777507, 'is': 0.03444089872803977, 'was': 0.034239363998250276, 'that': 0.03198924629420496, 'of': 0.027863231409799658}, {'is': 0.07486652027276437, 'as': 0.0661113372606784, 'was': 0.06456104437167007, 'and': 0.06280398951614269, 'able': 0.050633601842888516, 'order': 0.04619847919511691, 'have': 0.045568093969928426, 'unable': 0.043351983844044796, 'had': 0.04330139018811435}, {'and': 0.052316328436518095, 'to': 0.013298870438353514, 'it': 0.011652940413181804, '<s>': 0.009719144514247293, 'up': 0.009004647131565308, 'them': 0.008796754882971849, '1': 0.00810935108821415, '.': 0.007943038533048806, 'as': 0.007093657754174172}, {'the': 0.2330960479094008, 'and': 0.20332533331291647, 'of': 0.19220602839656584, 'with': 0.07711442303344872, 'by': 0.06735080915653599, 'or': 0.04189157209676159, 'in': 0.03159477816130969, 'their': 0.02453486388936864, 'for': 0.023366548500793213}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.1016816618600472, 'of': 0.06323796455948302, 'and': 0.06310855893643111, 'was': 0.028061705239314363, '.': 0.026663053293647834, 'a': 0.022982786909656154, 'to': 0.02109438394348172, 'be': 0.019907623511370792, 'is': 0.01484771376786826}, {'and': 0.22393472450875895, 'or': 0.14031387945094595, 'of': 0.13727375358303665, 'in': 0.07736115568771458, 'about': 0.05820209862338312, 'hundred': 0.050571840700081194, 'within': 0.050474975594760434, 'the': 0.04903070233701075, 'to': 0.045006488974346816}, {'and': 0.2568108067038271, 'to': 0.1587602414657424, 'of': 0.095411282589318, 'be': 0.0776761070580454, 'was': 0.06427931996522764, 'is': 0.05573319530530606, 'or': 0.054587170417666496, 'not': 0.04957755789983551, 'by': 0.04201556196321602}, {'of': 0.39609539921141884, 'to': 0.11683180910142807, 'in': 0.07969961469419126, 'for': 0.060910793234138935, 'by': 0.05704584525004069, 'that': 0.05501914717182756, 'with': 0.05117432137058715, 'and': 0.04415611422925414, 'from': 0.033029847478570934}, {'on': 0.23474549504112763, 'of': 0.20813621906162738, 'in': 0.1268860868807718, 'at': 0.0667601231658366, 'to': 0.06557467870933452, 'from': 0.05266055903249767, 'In': 0.04850375276807471, 'On': 0.04786315704733026, 'and': 0.0394928262339504}, {'the': 0.4423713846885138, 'a': 0.11833789745812956, 'to': 0.06856193201617773, 'and': 0.06320507961787714, 'this': 0.06053194498177296, 'of': 0.050961079818167644, 'The': 0.031061686871637625, 'tho': 0.02107455796481709, 'an': 0.02001921684581677}, {'and': 0.11466261124671324, 'was': 0.04183008781999923, 'held': 0.03556966805171333, 'Beginning': 0.02896819071614559, 'is': 0.02752856476682257, 'look': 0.026279900325162895, 'arrived': 0.02597799389057782, 'that': 0.025271294744426742, 'interest': 0.023893646310221173}, {'and': 0.06310565821062793, 'of': 0.018289406194167284, 'a': 0.017586874210606868, 'to': 0.016513231610734688, 'the': 0.01563810714867828, '<s>': 0.008808929939123739, 'who': 0.008230284029902106, 'in': 0.00821914528123454, 'was': 0.0072018816978948064}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.39075100534177254, 'to': 0.08836623379479702, 'for': 0.08168978316035383, 'all': 0.07876081581404903, 'and': 0.07497252680127098, 'that': 0.07355165684632126, 'in': 0.05506810067217033, 'by': 0.05365792693512507, 'with': 0.022283668068917385}, {'the': 0.18923060404131284, 'and': 0.07496949407847414, 'of': 0.07156354708616107, 'in': 0.03665419583671106, 'to': 0.03655824789474566, 'be': 0.031708813660797995, 'for': 0.03086754663400827, 'their': 0.029186212986972018, 'his': 0.02729123625345399}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'a': 0.5107070463345068, 'the': 0.22019592971890395, 'one': 0.035728917041100566, 'A': 0.018836820894981895, 'The': 0.01703558506989321, 'his': 0.015873461683776513, 'to': 0.013106727301665374, 'this': 0.012519453711392584, 'tho': 0.010834845798600574}, {'and': 0.10414598142140728, 'recorded': 0.04447597044960294, 'is': 0.042499778533270985, 'that': 0.039755408542511896, 'was': 0.037558092219325524, 'are': 0.032118528332556184, 'distributed': 0.025253628085422874, 'but': 0.020859662154786584, 'divided': 0.02049041245817366}, {'in': 0.1571241833766131, 'of': 0.10290559353900876, 'and': 0.08936946879575326, 'to': 0.07304365165846194, 'for': 0.04824418301718773, 'In': 0.04494590986534657, 'that': 0.026732585117192058, 'the': 0.025675887425263062, 'after': 0.0189111171193139}, {'it': 0.2767746804462922, 'It': 0.1392847703568759, 'there': 0.07727980240897835, 'he': 0.06667869063938851, 'that': 0.06075776739853867, 'they': 0.048036591824296745, 'which': 0.04432484615907303, 'and': 0.031658081059459095, 'I': 0.019831117151427383}, {'the': 0.16262722465144508, 'of': 0.09605398498772871, 'a': 0.05715369362136166, 'to': 0.047235583264201596, 'in': 0.04259210197915025, 'any': 0.04019520942918945, 'for': 0.038900184006499285, 'or': 0.03687117495452614, 'and': 0.03404792952970576}, {'the': 0.35974462006417296, 'and': 0.06790701928312307, 'of': 0.044722331173365826, 'in': 0.03451434011584873, 'a': 0.03312856856902384, 'The': 0.030060838795376903, 'tho': 0.02489123535393803, 'on': 0.018386961626106486, 'that': 0.017586439692189346}, {'out': 0.07243003379459477, 'up': 0.060666875842208035, 'him': 0.04540423362207238, 'back': 0.040062322994895566, 'down': 0.03501463963290002, 'step': 0.030567834387710057, 'made': 0.028046628441711435, 'was': 0.027938212132683295, 'them': 0.027717620794437875}, {'that': 0.262715170425888, 'and': 0.13828805863528212, 'which': 0.09985769390668366, 'as': 0.0750693397278319, 'but': 0.05628707399311739, 'if': 0.05168455651441546, 'when': 0.04196837580379707, 'what': 0.03780715615619656, 'for': 0.03712286525900899}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.49650399909150883, 'of': 0.18499659192317577, 'in': 0.06989389728035592, 'and': 0.03426274209380365, 'The': 0.0333294107592112, 'for': 0.03243874136622543, 'tho': 0.02300942208669851, 'his': 0.0207296617639462, 'all': 0.018915350765136126}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'of': 0.195196829696051, 'to': 0.11901930921714936, 'for': 0.11170858865616196, 'in': 0.11106546884152656, 'at': 0.09760684817094448, 'and': 0.07081462795392976, 'on': 0.05318892143996205, 'In': 0.03878377387128077, 'by': 0.035677792592720865}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'of': 0.3742396781092232, 'in': 0.1513124074152171, 'to': 0.08691149081566683, 'In': 0.046538079803949375, 'that': 0.0421041724875495, 'for': 0.04126099744243328, 'by': 0.03757320140410645, 'and': 0.036357523426467746, 'on': 0.035285038951852005}, {'and': 0.23053031336869026, 'was': 0.05316533376904945, 'is': 0.04728314093765649, 'not': 0.04438754957087347, 'are': 0.03896517612208596, 'or': 0.037576874940912185, 'be': 0.026581880371033102, 'of': 0.02446050928999547, 'that': 0.024150796007265586}, {'will': 0.2588928904070932, 'to': 0.21480216857056142, 'would': 0.09282912413696913, 'and': 0.0678611385381075, 'not': 0.0599723925067459, 'shall': 0.05896797717360058, 'may': 0.050005210807604165, 'a': 0.04059112280641424, 'must': 0.03436505139097433}, {'one': 0.04774234570849922, 'day': 0.022881680833039948, 'man': 0.022767284686282807, 'two': 0.02232174154910582, 'lot': 0.01728426009555651, 'on': 0.01638137087464423, 'owner': 0.013905932141310038, 'action': 0.013568556773843391, 'men': 0.013529399516738322}, {'a': 0.44982990522331534, 'the': 0.21295164299727892, 'his': 0.0746339026481852, 'our': 0.027561648166276095, 'large': 0.026204624256158923, 'The': 0.021925873776497243, 'great': 0.021141574122796786, 'their': 0.020410701565770413, 'her': 0.01937706762244176}, {'the': 0.16605852186639355, 'of': 0.14070937603475167, 'and': 0.1143345987638643, 'in': 0.08060971843095242, 'a': 0.04712128076684607, 'was': 0.041385229895600145, 'is': 0.03268934456189368, 'are': 0.02829970660919936, 'be': 0.02710781124776313}, {'.': 0.1025198875546257, 'Mr.': 0.05837725857722029, 'W.': 0.05635560749753861, 'A.': 0.049559898869853306, 'H.': 0.04733494278216531, 'Mrs.': 0.04607396033331097, 'J.': 0.04124092574567319, 'C.': 0.036527096569877654, 'Dr.': 0.03405467804842659}, {'may': 0.24451328692235372, 'to': 0.19696416015326562, 'will': 0.10744945235143892, 'would': 0.09904617736025015, 'shall': 0.08968162497293941, 'should': 0.0695381392520914, 'not': 0.028235449310355053, 'must': 0.027003043486021387, 'might': 0.02220068759988396}, {'the': 0.2831542073635049, 'two': 0.13311808507386935, 'several': 0.09142809511210494, 'other': 0.08392882274463291, 'various': 0.05426872081285622, 'three': 0.05108571741557238, 'of': 0.04367039984338021, 'their': 0.031032168275234116, 'respective': 0.02724729208348084}, {'to': 0.4108383023388484, 'not': 0.09404151050612197, 'and': 0.08345528495902911, 'I': 0.07981425379610839, 'will': 0.053701787815547714, 'they': 0.05319368962468899, 'we': 0.050519490440860716, 'would': 0.031705411862762926, 'who': 0.023715275643662954}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.14926172172150784, 'to': 0.11018210522059294, 'no': 0.10172306754966193, 'take': 0.09289002282071813, 'took': 0.07124830737322796, 'and': 0.06878280873629317, 'not': 0.06124254755299416, 'taking': 0.05678151143347195, 'for': 0.05320686100237199}, {'part': 0.25224693152512345, 'survey': 0.10468043473015524, 'holder': 0.08344750591419438, 'payment': 0.06682158639453249, 'one': 0.04707041983203811, 'date': 0.03508864442711314, 'plat': 0.02856258160874839, 'conviction': 0.02159946446709303, 'sale': 0.01927523446713906}, {'the': 0.04830455897080978, 'and': 0.04174569841788017, '<s>': 0.0282618172679689, 'that': 0.02263528711575291, 'of': 0.021823649171759937, 'to': 0.016839647420736528, 'The': 0.013112623276039185, 'it.': 0.0095918598192256, 'which': 0.006988215961805201}, {'the': 0.22084789798696788, 'of': 0.14563339934343014, 'and': 0.11657086525050604, 'to': 0.1065884963071167, 'a': 0.07830141244803819, 'The': 0.04298098077790569, 'in': 0.035436093225445574, 'his': 0.03421251047821419, 'for': 0.03358754557044299}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'and': 0.14028825489961544, 'of': 0.07154747502432045, 'the': 0.04417383519161615, 'be': 0.03648949677003825, 'a': 0.03554646003274374, 'in': 0.0317128205196297, 'is': 0.031370523084917334, 'was': 0.030999885514119332, 'he': 0.028933980698391745}, {'and': 0.24142711985907891, 'but': 0.08612691299872162, 'that': 0.08072023575737294, 'time': 0.053286740469993966, 'him': 0.0281210998730342, 'day': 0.026458456757113225, 'But': 0.025080191950951923, 'ago,': 0.016573436041590398, 'or': 0.014631343645937019}, {'part': 0.061285821309073465, 'one': 0.04635122343592079, 'and': 0.031984868459896815, 'out': 0.030600872620832054, 'some': 0.029175842292656858, 'all': 0.023457637705498847, 'that': 0.019177792615686487, 'portion': 0.018508870230510774, 'members': 0.017079024386110944}, {'the': 0.5758803067621356, 'a': 0.08932456274078217, 'of': 0.07760446735967955, 'and': 0.033172559990620784, 'tho': 0.03295650667038216, 'The': 0.03144738798698869, 'his': 0.027652666737406413, 'to': 0.024756659585215036, 'by': 0.01761209833627106}, {'that': 0.17067127401634832, 'and': 0.15216312375816582, 'which': 0.0815611143319241, 'as': 0.07722567539193313, 'when': 0.06458155115164875, 'but': 0.05455021379439249, 'to': 0.035880816602507005, 'will': 0.031731066177483266, 'if': 0.030364193949313376}, {'the': 0.3089353329778019, 'an': 0.10139704487698438, 'a': 0.07800480827252003, 'his': 0.06324126659007068, 'The': 0.05879827681422821, 'their': 0.058228285819773844, 'to': 0.05810506951596085, 'and': 0.05389225342035106, 'its': 0.029595858054602173}, {'of': 0.2630243616124624, 'to': 0.13698149059598042, 'in': 0.11111383768256189, 'and': 0.0860916614810686, 'that': 0.06033784100600616, 'on': 0.05897277338441163, 'by': 0.05405781517361757, 'with': 0.04270238953253272, 'from': 0.039258970346130184}, {'the': 0.10369298029815642, 'of': 0.07114622843923851, 'and': 0.06576641836570835, 'a': 0.058191162567655066, 'to': 0.04955311845454538, 'in': 0.03531069427591492, 'by': 0.03094469515903691, 'at': 0.026153013445973938, 'for': 0.026079158128800888}, {'his': 0.2901972150395425, 'her': 0.2282044441431662, 'my': 0.07389009140953488, 'the': 0.04868512695343523, 'a': 0.04261429996381342, 'and': 0.041587755438441724, 'our': 0.0341191313187644, 'their': 0.031851796292591036, 'His': 0.026697582600978997}, {'the': 0.1896573891243229, 'of': 0.10765171453409451, 'and': 0.08274678736137146, 'to': 0.053067797676272004, 'a': 0.037521748047872144, 'be': 0.029708086602135603, 'in': 0.029115924047983154, 'for': 0.028322574971775163, 'was': 0.027984933694133414}, {'of': 0.25547688614340464, 'to': 0.1139091768796988, 'and': 0.11092774189148442, 'with': 0.07413641089037588, 'is': 0.0698957099120522, 'in': 0.06947531474750997, 'that': 0.06681242973098797, 'for': 0.058194265139913035, 'by': 0.05009632980814663}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'the': 0.18923060404131284, 'and': 0.07496949407847414, 'of': 0.07156354708616107, 'in': 0.03665419583671106, 'to': 0.03655824789474566, 'be': 0.031708813660797995, 'for': 0.03086754663400827, 'their': 0.029186212986972018, 'his': 0.02729123625345399}, {'at': 0.400803808249915, 'to': 0.25678038816946397, 'of': 0.06835165997512826, 'for': 0.042865706403136604, 'from': 0.03715877771398568, 'in': 0.03412189337516975, 'and': 0.0316125338148301, 'as': 0.03153168858043946, 'such': 0.028001454636608598}, {'the': 0.5951455432220008, 'and': 0.06054056379998263, 'of': 0.05813138206985594, 'tho': 0.037807360053657785, 'The': 0.0258320965437903, 'a': 0.01870521954823723, 'tbe': 0.01593222941490188, 'our': 0.013734939132897833, 'an': 0.010422164113575228}, {'in': 0.14411866456517713, 'of': 0.11176434547254037, 'the': 0.08442118893046849, 'and': 0.06373154682518639, 'for': 0.054333716349069784, 'a': 0.03770631626163843, 'to': 0.036625992661016515, 'In': 0.03395800652509744, 'was': 0.019670084903815784}, {'the': 0.2239709808464972, 'of': 0.20026271896571882, 'in': 0.1906191152658106, 'to': 0.06769665282704934, 'In': 0.04838034742516255, 'from': 0.04577493499613023, 'and': 0.0347638019419908, 'The': 0.03402346895652855, 'for': 0.03119360532316551}, {'arrived': 0.07572213979706675, 'and': 0.07080857332499178, 'held': 0.03435360111799933, 'was': 0.028282708228479107, 'Beginning': 0.024586583700454474, 'look': 0.021743387649872544, 'interest': 0.02047572926876682, 'arriving': 0.017555265636871986, 'place': 0.016614136758443462}, {'a': 0.45923792238422084, 'the': 0.2765325481537907, 'by': 0.04139308794111938, 'The': 0.030099823532245926, 'A': 0.0202774872196485, 'any': 0.017190981279038186, 'said': 0.01710975000136331, 'tho': 0.014707168306739134, 'every': 0.01453631608262618}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.17571890427104192, 'the': 0.1538027189398158, 'a': 0.11248732078340551, 'and': 0.07302245747904579, 'to': 0.06490337437350881, 'in': 0.053234929004380684, 'for': 0.036788140153331775, 'in-': 0.027705930016680987, 'from': 0.02448979405286763}, {'of': 0.2897509142614716, 'in': 0.15681477318122283, 'to': 0.10343852476080909, 'and': 0.06426414473150305, 'with': 0.05709496694035952, 'that': 0.05684276431424052, 'by': 0.0536404060141527, 'for': 0.045790086077753, 'on': 0.04497259044819219}, {'one': 0.12897392021378185, 'out': 0.07664784689118985, 'part': 0.06409373140028574, 'some': 0.05584305533119319, 'time': 0.03914926290286854, 'account': 0.035845171248451206, 'all': 0.032057463924492914, 'and': 0.027873419781873014, 'that': 0.02728087135118937}, {'the': 0.30445390097704905, 'a': 0.12219692507963216, 'at': 0.08527996331065875, 'of': 0.06723211365997137, 'to': 0.04588954264733261, 'in': 0.03736060684578869, 'and': 0.027771555628697247, 'The': 0.0220794516218217, 'from': 0.018894750997707228}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'that': 0.3184121930319525, 'when': 0.10869106834482817, 'and': 0.08721605707080288, 'which': 0.0739757339566945, 'as': 0.06381646206292822, 'if': 0.046047329641016176, 'where': 0.04465432055000798, 'but': 0.04348629969204293, 'said': 0.03643585927965661}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'just': 0.06810020086610503, 'and': 0.06428385249718956, 'is': 0.0518126500529304, 'such': 0.04180021042862105, 'well': 0.04026604355403208, 'far': 0.03963382415911562, 'it': 0.03939308483199488, 'are': 0.032319875910696884, 'not': 0.029501258574969134}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'that': 0.18700929600321786, 'and': 0.1507977688312835, 'as': 0.13345810665144614, 'which': 0.07509975319300735, 'when': 0.07146276085241303, 'but': 0.07000296588166857, 'if': 0.043760518010437406, 'where': 0.032389463098008456, 'what': 0.01866541042008531}, {'and': 0.0846176520138738, 'is': 0.056236483863025134, 'able': 0.05615180931190024, 'him': 0.0504874344558542, 'as': 0.04662667185124914, 'time': 0.045507409297021795, 'was': 0.03987045160996264, 'enough': 0.039526999241961826, 'not': 0.03735201304550674}, {'the': 0.29234938872973537, 'and': 0.06722433583941803, 'of': 0.05835941692355578, 'a': 0.050026466893221405, 'his': 0.020689809232366515, 'The': 0.019893195373998234, 'in': 0.01871067464953265, 'was': 0.01847208954243689, 'tho': 0.01640331213092523}, {'put': 0.18822358086184277, 'made': 0.07225600747302813, 'taken': 0.06346766738658949, 'it': 0.06010672771275546, 'set': 0.05632544256260504, 'came': 0.054172757385877644, 'looked': 0.04878877500340359, 'brought': 0.04505317911240861, 'and': 0.04488361308782421}, {'that': 0.21812353437187085, 'and': 0.14313302058153635, 'which': 0.10110018549357158, 'as': 0.08662430016126808, 'when': 0.06261663291046188, 'but': 0.06094291556099383, 'if': 0.04322086872362065, 'where': 0.032862301115629496, 'because': 0.023034890310885674}, {'of': 0.12071483199433682, 'and': 0.044213479058244444, 'in': 0.03686671728539382, 'with': 0.027600721027676065, 'to': 0.025704307205119056, 'by': 0.02200632521554795, 'from': 0.018208555678567877, 'that': 0.013189741544660998, 'on': 0.011727778656948207}, {'of': 0.06435528023824569, 'the': 0.03593369024059484, 'to': 0.028018325153225773, 'and': 0.023179412890728956, 'a': 0.01980602584512708, '<s>': 0.013252184922003378, '.': 0.013113929004627925, 'his': 0.013016958307499767, 'or': 0.01010095518892203}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'and': 0.09537283675853234, 'the': 0.09047886301596346, 'of': 0.06066898791780565, 'or': 0.04053906825112509, 'be': 0.03900418994654992, 'in': 0.03524717515625721, 'to': 0.03407947846501819, 're-': 0.028353596742545062, 'are': 0.022246266937337146}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'the': 0.2720253289894707, 'a': 0.08015660873574464, 'and': 0.07050498724490091, 'of': 0.04776183868360698, 'Mr.': 0.039671396698742714, 'The': 0.0363448795145058, 'to': 0.024010156333365437, 'tho': 0.020447129329026877, 'in': 0.01705856258613573}, {'and': 0.02510005466423138, 'him': 0.010490306813245157, 'that': 0.009376057228012573, 'time': 0.007348600120103582, 'them': 0.007156469225797145, ';': 0.00704889238131789, 'it': 0.006788493420780818, 'out': 0.006517972369491541, 'up': 0.0059332779972329905}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.23076105504451383, 'and': 0.10088786813321503, 'are': 0.06504271775642863, 'is': 0.05465853116694591, 'in': 0.049567815593675825, 'the': 0.03730816365888421, 'by': 0.03160474226236404, 'now': 0.031060251640233454, 'for': 0.02953918078378946}, {'we': 0.15377854717641032, 'I': 0.1251460209576109, 'it': 0.08472041075500805, 'they': 0.07759778959484502, 'he': 0.07174365014855909, 'and': 0.06983416004135716, 'who': 0.06883555540881081, 'which': 0.05244560795600424, 'you': 0.029337924461686253}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'of': 0.37017461261799084, 'in': 0.09759875664416244, 'to': 0.09170406132717117, 'the': 0.06992846728612875, 'that': 0.05646088540868763, 'for': 0.04162167468199438, 'and': 0.04021830063127896, 'by': 0.027418124249724545, 'on': 0.023575786099239514}, {'the': 0.247060619815069, 'in': 0.14651133660273796, 'of': 0.14436801478169173, 'a': 0.08335263953617769, 'their': 0.06631991655066792, 'his': 0.05818988097737243, 'and': 0.045471796004637764, 'for': 0.03819341279879196, 'In': 0.0357050966247215}, {'and': 0.12898962298025565, 'so': 0.0717811037615825, 'fact': 0.05164349650810024, 'said': 0.05049383731642255, 'all': 0.03993917212559088, 'say': 0.03980186218438731, 'of': 0.038640102843267306, 'is': 0.03646987458490375, 'know': 0.02834483136961729}, {'it': 0.17444965044979338, 'he': 0.14456545097895332, 'that': 0.08101068646144392, 'I': 0.0723451963119518, 'It': 0.07071554441283551, 'and': 0.06160895901448433, 'which': 0.046658236422800654, 'they': 0.04538824545975969, 'she': 0.03743887697211664}, {'and': 0.20036021937181994, 'as': 0.0895891840694132, 'when': 0.07161692361553036, 'that': 0.05831499270720797, 'which': 0.05148453087892728, 'to': 0.03625276792916106, 'if': 0.027526858671430024, 'but': 0.026155165024917333, 'before': 0.0204050708062883}, {'thence': 0.11353121939060108, 'and': 0.10753654328582277, 'parallel': 0.07479199705390398, 'accordance': 0.04965029031978414, 'covered': 0.04669509842726613, 'angles': 0.036173995053685785, 'line': 0.033494537963707834, 'filed': 0.03292477020205732, 'connection': 0.02279055451582228}, {'of': 0.25671169266867516, 'to': 0.12507665900585077, 'and': 0.09114889230683468, 'with': 0.0808711467658603, 'in': 0.0796996956789451, 'that': 0.05805086545259205, 'on': 0.05492281647742678, 'for': 0.043499836563629955, 'as': 0.04276519844215999}, {'and': 0.04715784198219775, '<s>': 0.046274282220956336, 'it.': 0.02631061183044167, 'that': 0.022667216310146388, 'them.': 0.02027068623941678, 'time.': 0.010486538490594988, 'as': 0.010434688717419375, '?': 0.010049598774316458, 'country.': 0.008368175023015872}, {'the': 0.09906532365632792, 'and': 0.0894946983479152, 'of': 0.08313531981753858, 'to': 0.04547021354764379, 'was': 0.03580597684068031, '.': 0.027848196146164114, 'Mrs.': 0.024386611545330884, '<s>': 0.020276907569206068, 'were': 0.019234162696756377}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'he': 0.16144196842499148, 'I': 0.0976961466337217, 'who': 0.08498545632773316, 'that': 0.07560683650268527, 'which': 0.07558600924027337, 'He': 0.07155597615508008, 'it': 0.06109246308031929, 'and': 0.055499959563566084, 'she': 0.04199694726426507}, {'the': 0.12461452507482718, 'a': 0.08830891862170133, 'and': 0.08620311032016595, 'of': 0.08167987493259185, 'to': 0.059192375711770474, 'in': 0.03260674918916609, 'be': 0.03219735436218589, 'was': 0.020605935656305464, 'is': 0.018786887551926146}, {'in': 0.02383900670364192, 'time': 0.020006990872658826, 'men': 0.018420935444751044, 'life': 0.01577589665992122, 'man': 0.015706684156350983, 'strength': 0.015339928129697606, 'out': 0.01349357122048391, 'city': 0.012720917174321533, 'right': 0.012186280761138531}, {'in': 0.17067117559588776, 'of': 0.13768351118330988, 'to': 0.08919100597324091, 'with': 0.051258572553066116, 'from': 0.046583839808123834, 'for': 0.044095754265555856, 'on': 0.036822998700851595, 'and': 0.03635482409062127, 'In': 0.03434246261940174}, {'of': 0.2091920467812247, 'to': 0.09286670550746969, 'on': 0.0907714505780546, 'by': 0.07687399207822607, 'is': 0.07361754394025238, 'and': 0.06692855490642234, 'in': 0.061614775832326656, 'for': 0.057435679262789335, 'that': 0.05095572919236134}, {'it': 0.1735239545634734, 'It': 0.15046705195882992, 'there': 0.12520264699423628, 'This': 0.10307669267602661, 'which': 0.07009642499636382, 'that': 0.06096378403390343, 'There': 0.057498836423370774, 'this': 0.03912595217928206, 'and': 0.033204495384194184}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'the': 0.18448743873248952, 'of': 0.12961764150075383, 'and': 0.08864149755148218, 'to': 0.08458068845100036, 'in': 0.04418971160772248, 'a': 0.04407574224411206, 'be': 0.036710358842165856, 'for': 0.02722894258311737, 'his': 0.026367930593254468}, {'the': 0.3153790145167901, 'a': 0.18026546292299284, 'and': 0.06714407970547197, 'electric': 0.061398881858386885, 'of': 0.04761355346857153, 'that': 0.04499429832849539, 'The': 0.0400447617993475, 'this': 0.038870842291049514, 'no': 0.025569014531556435}, {'the': 0.3842236570485163, 'in': 0.15903976623893495, 'of': 0.11761719590785874, 'for': 0.05021695805986496, 'In': 0.03951687078574156, 'mence': 0.0386319064943531, 'or': 0.032374705840793806, 'The': 0.028787905270037984, 'and': 0.02616367218280241}, {'the': 0.3152010546700686, 'and': 0.11797801679092487, 'of': 0.0896973093506927, 'a': 0.08964347313008822, 'in': 0.05199026479716735, 'are': 0.04236401232613469, 'from': 0.038729157028525606, 'is': 0.032399699617906536, 'for': 0.03175631886885163}, {'that': 0.0766539161804512, '<s>': 0.05135659087481212, 'and': 0.03860706746814577, 'it.': 0.022125895276066475, 'but': 0.02090909132528028, 'as': 0.01899370502859516, 'when': 0.01616290371106149, 'which': 0.014687712685285624, 'him.': 0.014199668877836247}, {'is': 0.16979928783102588, 'was': 0.1563889782256474, 'be': 0.12093043113410705, 'are': 0.09077975268057317, 'and': 0.0665840454717705, 'been': 0.0641121716705554, 'not': 0.06145659471077507, 'were': 0.03629796798345913, 'Is': 0.022749889746607674}, {'well': 0.1673927167040666, 'and': 0.07758704885952934, 'is': 0.07573405156910432, 'known': 0.06589600141030666, 'was': 0.061377802962145206, 'far': 0.05229604810028023, 'be': 0.046590380110101845, 'just': 0.04259914411192783, 'such': 0.042019676401471466}, {'the': 0.24489978559187922, 'of': 0.22214332778327947, 'and': 0.09635525828048516, 'raw': 0.07038771650291319, 'all': 0.059591188828483355, 'or': 0.05419070787729644, 'for': 0.030079918336064663, 'such': 0.023608986151274318, 'many': 0.020788108111104906}, {'to': 0.3983259152901972, 'of': 0.09225510392536924, 'at': 0.07592581309283862, 'with': 0.058819300774282615, 'upon': 0.03902486742949495, 'let': 0.03716241875501957, 'for': 0.03668820681462443, 'on': 0.035299637758701485, 'from': 0.03079475272202325}, {'the': 0.22716559992768098, 'a': 0.16507474092715732, 'of': 0.1276054565558641, 'in': 0.06272682655518913, 'their': 0.03662737344916202, 'this': 0.03540467697996405, 'and': 0.033093167630848346, 'to': 0.026126983167505915, 'his': 0.02293483363100828}, {'he': 0.21267636434747417, 'it': 0.10344600300056435, 'they': 0.08734889074310757, 'who': 0.06985837165531773, 'which': 0.06140953118298681, 'It': 0.05353804472051254, 'she': 0.052735567470510177, 'I': 0.052509301845420894, 'that': 0.040574173210888166}, {'and': 0.0940033650083635, 'to': 0.06898335335416506, 'of': 0.06805522958582336, 'in': 0.05316921828238236, 'be': 0.04227661183410305, 'the': 0.03812228218623711, 'was': 0.038116470625951145, 'is': 0.02448592395352653, 'he': 0.021226914786688564}, {'of': 0.1582559933891888, 'the': 0.09407817952359815, 'in': 0.057873491356385934, 'and': 0.04702176872006862, 'that': 0.03743136021928463, 'to': 0.031011104865684532, 'The': 0.026454772604923092, 'for': 0.022924280922302677, 'Mr.': 0.019774204214003416}, {'and': 0.24404278180658062, 'I': 0.12099615871613756, 'to': 0.0861776035078783, 'they': 0.07207306215136598, 'we': 0.06067326221409459, 'the': 0.0587565727812542, 'who': 0.04199596948289607, 'that': 0.03517502539731039, 'he': 0.03268729286351893}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.2141645405024433, 'a': 0.1450427525543077, 'to': 0.13366839287606672, 'and': 0.10116341796852156, 'of': 0.08289779801797431, 'be': 0.03737939103629362, 'was': 0.03463302839245261, 'for': 0.034561751250976054, 'or': 0.03090157730535683}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {';': 0.03731356286556268, 'him,': 0.01325848399220115, 'is': 0.012086566085223134, 'given,': 0.011427849121786262, 'it,': 0.01113539925962389, ',': 0.009537054448295985, 'them,': 0.008637680618738151, 'was': 0.008108853838296676, 'time,': 0.008096216462012397}, {'of': 0.46137332962556254, 'in': 0.16045456999669144, 'the': 0.10634929474545274, 'by': 0.06899070838044163, 'to': 0.044165935870449945, 'along': 0.03681393722635738, 'on': 0.03411919299150122, 'In': 0.023369597226479168, 'with': 0.016225231651101475}, {'a': 0.4706039555383199, 'the': 0.12933529529427568, 'very': 0.05789417683054599, 'but': 0.045742352770339945, 'of': 0.0386821493697487, 'and': 0.03381218516454852, 'A': 0.02903876822329138, 'is': 0.027264592135828068, 'with': 0.021289011327915833}, {'the': 0.7343801675267078, 'The': 0.041632037668641535, 'tho': 0.037761376694710684, 'of': 0.03448036925725509, 'a': 0.02861695097707624, 'general': 0.020288119854619074, 'and': 0.016366331385680225, 'in': 0.013233562194093185, 'tbe': 0.012190714006821599}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.3629902251242908, 'a': 0.31110101536052326, 'of': 0.07373439148719535, 'and': 0.03943072002105852, 'The': 0.0383619644738074, 'very': 0.03628020288496743, 'tho': 0.03457789828132869, 'his': 0.026140928314670752, 'in': 0.024555258407319907}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.22392741601383195, 'to': 0.19067430154509912, 'in': 0.13222363324500144, 'and': 0.07088662701386425, 'with': 0.05955242128404835, 'for': 0.05367808102348152, 'at': 0.05118210389420412, 'reserves': 0.05023976638551513, 'have': 0.043985713589129165}, {'to': 0.20760547025097645, 'the': 0.15922999403728083, 'of': 0.1224948348038155, 'and': 0.08172849794552012, 'not': 0.07479406504107315, 'for': 0.038649833666770904, 'or': 0.03792191522666663, 'at': 0.028834730170244703, 'in': 0.028818523544145186}, {'the': 0.26884480796297217, 'a': 0.11957255967749962, 'of': 0.10248336523167272, 'lode': 0.08272914380132385, 'by': 0.03835235857263724, 'for': 0.03808070647489175, 'and': 0.0313357048723436, 'this': 0.028117754043696812, 'that': 0.027476804797690737}, {'and': 0.09777354782500086, 'it': 0.04176638548744958, 'that': 0.04035644060686986, 'them': 0.03329740551976648, 'found': 0.02704513224538173, 'but': 0.026229361787579206, 'is': 0.024542451410523136, 'or': 0.02159706001725589, 'not': 0.0199141571302748}, {'of': 0.2757373621601618, 'in': 0.15313229214034818, 'and': 0.08383391639849715, 'to': 0.08124723044969068, 'with': 0.06573755907365193, 'for': 0.06081122795031167, 'by': 0.043274569880725734, 'all': 0.04303617939280414, 'from': 0.03929565372102175}, {'as': 0.05958346964292615, 'able': 0.05280163394175737, 'is': 0.05257134762689244, 'and': 0.05037390536363372, 'order': 0.046256714537199095, 'enough': 0.04322011794338755, 'right': 0.042963293143158915, 'power': 0.042224502539072443, 'necessary': 0.04149197538869944}, {'and': 0.10636643937720079, 'looked': 0.04977627614372545, 'depend': 0.04911091180736283, 'called': 0.04855581937204678, 'look': 0.03710634244734581, 'due': 0.03259333028583644, 'down': 0.027574789112908216, 'made': 0.025178335769932236, 'imposed': 0.024782614730149418}, {'and': 0.18569381454991518, 'fact': 0.10393506610711478, 'so': 0.06967451981910423, 'is': 0.06911477515395813, 'know': 0.046425361367575455, 'believe': 0.041787597584202564, 'say': 0.03527656775681039, 'was': 0.029167338440311812, 'found': 0.026230062431132687}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.20568005566731176, 'or': 0.18219174537993268, 'and': 0.15708964548894153, 'of': 0.08029674518088209, 'for': 0.06321908006225575, 'in': 0.06267396278319352, 'to': 0.022663433696687947, 'from': 0.021743268453009983, 'with': 0.02095293953696185}, {'of': 0.25862052763252813, 'to': 0.11197613806679155, 'in': 0.10295104435676526, 'with': 0.07380460955197411, 'on': 0.05353403737831844, 'and': 0.04777229345001779, 'for': 0.04567906412807066, 'by': 0.04207755826294618, 'from': 0.03746636386983616}, {'of': 0.21570242808824164, 'to': 0.07224136153619098, 'the': 0.07179188181736469, 'and': 0.05019786592115813, 'in': 0.04619982730236318, 'a': 0.045491268299027283, 'for': 0.024579754338984246, 'with': 0.023020898268222643, 'that': 0.01987207569561812}, {'to': 0.2698643923819711, 'will': 0.2504386421275786, 'would': 0.10584673179098651, 'may': 0.07567373410530308, 'should': 0.06394759703123953, 'shall': 0.055618369900797035, 'not': 0.049784998755303234, 'must': 0.03295419176593561, 'can': 0.029503270776885828}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.20958230724597582, 'all': 0.05833890259751698, 'of': 0.05200196727572057, 'to': 0.04830714349879961, 'time': 0.031196977939088603, 'but': 0.03016382161824078, 'for': 0.02906551439024747, 'fact': 0.02766352866364893, 'things': 0.025315695569845063}, {'and': 0.16273132319272693, 'to': 0.11195760608365504, 'of': 0.09164615103224373, 'the': 0.057907865952775715, 'is': 0.03328381360117152, 'be': 0.03013852129357496, 'was': 0.029016538563885134, 'for': 0.0289807818977698, 'which': 0.025276481141185372}, {'they': 0.20160066385624428, 'who': 0.1513839450056307, 'we': 0.1194977733255895, 'you': 0.07170782009584445, 'and': 0.06562971213450317, 'We': 0.061765800044943565, 'They': 0.04916517853949275, 'which': 0.03926389249602042, 'men': 0.035068016348279496}, {'the': 0.5829071250617605, 'The': 0.11999560240847196, 'in': 0.07009282351137365, 'a': 0.05512962064343004, 'In': 0.037676767415172424, 'of': 0.029465436793327315, 'this': 0.02910092397391342, 'tho': 0.02372507865761694, 'that': 0.012415194016290768}, {'and': 0.17820719147019515, 'said': 0.10008608341045885, 'fact': 0.06463111504483349, 'stated': 0.052492415715762214, 'so': 0.04472464841362103, 'him': 0.03832311204077511, 'know': 0.03688219118396675, 'say': 0.02879367941366483, 'is': 0.028411351280419075}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.33951027840338793, 'to': 0.12107672514402476, 'that': 0.09246508225770678, 'and': 0.08992714867369217, 'by': 0.06505199562696343, 'in': 0.05475352782586151, 'with': 0.05465484469345682, 'from': 0.0450127010088953, 'for': 0.04279306864448966}, {'and': 0.025308738783736216, 'it': 0.022689016286023087, 'them': 0.020174787577565145, 'time': 0.018350611480247206, 'men': 0.017542472574405738, 'day': 0.01741251689128838, 'him': 0.015822431747661642, 'well': 0.014758491262021455, 'made': 0.014351609568460365}, {'and': 0.22447748853865568, 'to': 0.1966809642630457, 'of': 0.06284713520970626, 'the': 0.040854752829030894, 'who': 0.025800360471957405, 'or': 0.023697007458655495, 'not': 0.021697447370241027, 'by': 0.018700058818772555, 'he': 0.01835699301510182}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'to': 0.20760547025097645, 'the': 0.15922999403728083, 'of': 0.1224948348038155, 'and': 0.08172849794552012, 'not': 0.07479406504107315, 'for': 0.038649833666770904, 'or': 0.03792191522666663, 'at': 0.028834730170244703, 'in': 0.028818523544145186}, {'<s>': 0.04435894440730509, 'them.': 0.043222784138065545, 'it.': 0.021089276424626668, 'men.': 0.010844993379826848, 'him.': 0.009930949245774472, 'time.': 0.009563346856680338, 'day.': 0.009503487364560663, 'people.': 0.008054201825589006, 'city.': 0.007833441130807878}, {'the': 0.18923726786096143, 'of': 0.12966795236236114, 'and': 0.07011986592069315, 'to': 0.06161800628539786, 'at': 0.05216152404777551, 'in': 0.051880592079120526, 'a': 0.044418707583780914, 'for': 0.03060191310588619, 'by': 0.02140489685901963}, {'they': 0.11357306490079043, 'it': 0.10952363990875905, 'I': 0.07765493007248468, 'he': 0.07513191532080167, 'you': 0.07256156645387747, 'It': 0.07069243251057633, 'which': 0.06826594815260628, 'and': 0.06084249079477794, 'we': 0.05118790488113758}, {'<s>': 0.10282917831876286, 'it.': 0.01924146212196981, 'them.': 0.014776053468708307, '.': 0.009515656055260297, 'time.': 0.0095140325486606, 'country.': 0.008740249846682514, 'day.': 0.008704157391843012, 'him.': 0.008353836138352222, 'year.': 0.0065276081065195335}, {'when': 0.13595801832323687, 'that': 0.12835094935881267, 'and': 0.12282574519196053, 'as': 0.10195301750798189, 'which': 0.09289380087894183, 'to': 0.0504829666417673, 'but': 0.032581483422284147, 'where': 0.031082659622110754, 'will': 0.030670876546907807}, {'made': 0.06802547944976077, 'and': 0.06492576353398528, 'owned': 0.03537170149417936, 'or': 0.03128007617056628, 'done': 0.030723796004569426, 'accompanied': 0.029269264160066512, 'followed': 0.029127168205036674, 'that': 0.029042998754196924, 'paid': 0.02570181572565114}, {'of': 0.2995929747353133, 'in': 0.12506464451610735, 'to': 0.1170274902090197, 'for': 0.07477504807940791, 'with': 0.07405338089233077, 'on': 0.06776243970922304, 'by': 0.05606893686393564, 'and': 0.05493450946854897, 'that': 0.04134692118789739}, {'the': 0.3701666201581034, 'a': 0.13750468324821993, 'of': 0.06643055848652867, 'and': 0.05113230205135662, 'The': 0.03901343128331617, 'in': 0.026551427110724442, 'tho': 0.021578545093928977, 'an': 0.021382240237886353, 'or': 0.016925226436018855}, {'well': 0.0919629619020031, 'known': 0.0905928411316168, 'such': 0.0643072945765663, 'and': 0.05709884287572513, 'far': 0.05230426078246349, 'soon': 0.03642434374222086, 'is': 0.033177744693230704, 'just': 0.032881338703536496, 'was': 0.026455488479817678}, {'they': 0.11745093645920682, 'who': 0.08832675239133385, 'we': 0.08348245915559528, 'and': 0.07239861779459364, 'which': 0.059560563031940045, 'They': 0.038281083718686354, 'that': 0.03514649819819534, 'We': 0.03343584612825205, 'you': 0.02275740521705775}, {'part': 0.2078291111969806, 'survey': 0.08885538452245366, 'conviction': 0.06216349200760421, 'one': 0.05611540380495833, 'payment': 0.04084519551743415, 'holder': 0.03161086999691814, 'either': 0.021236685851699133, 'sale': 0.018308681950814795, 'acres': 0.017383473213033743}, {'he': 0.23967507641452565, 'I': 0.153564121122974, 'they': 0.09128595542681978, 'who': 0.07253196961895596, 'and': 0.06312219310552586, 'He': 0.06103044637001458, 'it': 0.057149091851079165, 'she': 0.05639453978403364, 'we': 0.04913132222422475}, {'of': 0.19213181949095912, 'to': 0.1667629700769049, 'in': 0.1464668367802086, 'for': 0.10966003085374694, 'with': 0.08487431706319622, 'at': 0.057360099888667714, 'and': 0.055567473722810665, 'from': 0.048673926881784714, 'by': 0.04536552941021501}, {'of': 0.1939443788708757, 'as': 0.1724213244551994, 'that': 0.08941455469669252, 'is': 0.08806302782576977, 'and': 0.08679642363916794, 'for': 0.06545350091499337, 'to': 0.05797953002944448, 'by': 0.04511226884983569, 'was': 0.04311651094266764}, {'the': 0.1966957407187441, 'of': 0.1479962202927263, 'two': 0.05094877872403292, 'and': 0.04608026981954484, 'these': 0.03592347774697376, 'other': 0.03487655811500699, 'all': 0.030025141969095486, 'his': 0.024260713363285346, 'both': 0.02132548446685449}, {'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.18634507552998927, 'a': 0.14082054578771402, 'of': 0.07695824164774381, 'and': 0.07094905249176721, 'to': 0.06344748979588474, 'in': 0.044056198443170436, 'with': 0.019273177520021376, 'his': 0.0191907169593921, 'for': 0.01704537235887121}, {'the': 0.17351568954061106, 'of': 0.15228165559179435, 'a': 0.09661865704579947, 'in': 0.07003781069147465, 'and': 0.066675831367819, 'to': 0.051388543749849684, 'on': 0.028575511818201647, 'his': 0.022124169814766503, 'an': 0.02139794030038822}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'of': 0.3313805037718226, 'to': 0.1317872878117111, 'in': 0.10034596219408992, 'and': 0.07154737499840065, 'that': 0.05965117690681849, 'by': 0.05728414969231438, 'as': 0.03974599994954374, 'with': 0.03737854335078604, 'from': 0.03229824061609267}, {'the': 0.5421034160797628, 'The': 0.09565918983211684, 'of': 0.07856694180507148, 'a': 0.07427260776380366, 'and': 0.03140060987965105, 'tho': 0.027262589000169497, 'in': 0.021055664169640543, 'by': 0.015406390026086738, 'with': 0.014084775988793418}, {'it': 0.17455522521940928, 'It': 0.09769011344489095, 'there': 0.08514903038535356, 'and': 0.06411145624828432, 'which': 0.06229311184149924, 'that': 0.0479161927930856, 'they': 0.04609891777894152, 'he': 0.042590670033966695, 'I': 0.027016226260302926}, {'of': 0.17373826435096915, 'the': 0.166923587578311, 'a': 0.14220905572471465, 'and': 0.10521138135006174, 'that': 0.048543058002861794, 'or': 0.029968424331724426, 'this': 0.02522886628845994, 'The': 0.02312421873902087, 'his': 0.021561481176238753}, {'time': 0.03618022060438716, 'out': 0.03240910513598538, 'day': 0.025573472244809763, 'amount': 0.024637195754571718, 'that': 0.024204131898433817, 'cause': 0.022293073868819846, 'tion': 0.019479594577727955, 'one': 0.019043171509892765, 'place': 0.018847931222743777}, {'it': 0.13787290960578877, 'he': 0.12076876478571731, 'It': 0.09115234516723242, 'which': 0.06522824064097428, 'I': 0.06159272481120636, 'and': 0.051680260640388276, 'who': 0.040644477989535834, 'He': 0.036847793268416994, 'that': 0.03449250464665571}, {'the': 0.19759164151010922, 'to': 0.08581187423856895, 'of': 0.0819794663112482, 'a': 0.08016570581140456, 'and': 0.051426339793529084, 'in': 0.041190725115560496, '.': 0.018506985519551815, 'at': 0.016689095578831345, 'or': 0.013206759984499833}, {'was': 0.09609180907867831, 'and': 0.06336562635575631, 'is': 0.06079959530362342, 'be': 0.045982742971662556, 'it': 0.043302843476827016, 'are': 0.03263324645114524, 'of': 0.029031033829497708, 'were': 0.02864451167662635, 'been': 0.028303243284871347}, {'able': 0.09385163940725401, 'have': 0.07991687750649654, 'had': 0.0714591738471382, 'him': 0.0623490113276467, 'not': 0.06094726274107158, 'enough': 0.05892943290361459, 'want': 0.05688727306368135, 'is': 0.0534852597861897, 'willing': 0.05046880416555082}, {'it': 0.1777309648466935, 'he': 0.14894142271204755, 'It': 0.12313380503558774, 'I': 0.06564802990903547, 'He': 0.06513090910251282, 'she': 0.03351670996320684, 'which': 0.03179379636021981, 'and': 0.028914592492634585, 'who': 0.024958786345084343}, {'and': 0.07111456140943417, 'demand': 0.0256852383653999, 'ready': 0.02126273132343757, 'used': 0.020447301910245644, 'time': 0.018506303219785913, 'not': 0.01420080865740985, 'vote': 0.014177945812533595, 'it': 0.01407779232818357, 'candidate': 0.01328644507450521}, {'at': 0.5995361589504047, 'the': 0.27720496127968913, 'of': 0.03977817563380746, 'to': 0.021680290417553684, 'At': 0.01588507313659099, 'The': 0.010635912540669014, 'in': 0.005863031405809432, 'our': 0.005821313815076987, 'tho': 0.005331665262452723}, {'of': 0.32815257344568566, 'in': 0.1405734186385806, 'to': 0.10640941335613907, 'for': 0.07856282391096807, 'on': 0.06827646842450402, 'and': 0.052547827950032336, 'with': 0.043805864819159795, 'that': 0.04137121367948914, 'In': 0.037565146358864814}, {'of': 0.15751103388744359, 'as': 0.1293414744380475, 'is': 0.09331702004004443, 'and': 0.07708817359390106, 'that': 0.07517926303514517, 'was': 0.0665789737310202, 'by': 0.06397626126795705, 'for': 0.06282444205660466, 'to': 0.06281522332686475}, {'<s>': 0.1557602477308136, 'it.': 0.02281063283701382, 'them.': 0.015121267750498098, 'day.': 0.013475316373426728, '.': 0.011977587209384211, 'time.': 0.011833358628324728, 'country.': 0.0098064212845495, 'him.': 0.00974563376055357, 'year.': 0.008054949719041285}, {'of': 0.25547939379480317, 'the': 0.08970786871262446, 'such': 0.06263755208171566, 'or': 0.03390691813509688, 'two': 0.028012733287831874, 'young': 0.027770464099595472, 'hundred': 0.02736743951679775, 'other': 0.025578422237797604, 'by': 0.0244059213632558}, {'gave': 0.20223949102284372, 'give': 0.16225144952850837, 'to': 0.1572029160377125, 'told': 0.08648258290888704, 'for': 0.051133166302449226, 'with': 0.046009396622121494, 'tell': 0.03366135331878739, 'make': 0.030319208955567747, 'gives': 0.027534845940717746}, {'amount': 0.08114522840434266, 'out': 0.060808936138076024, 'purpose': 0.05392155043035804, 'instead': 0.04863342762731088, 'number': 0.0402959676704055, 'place': 0.037649944657650314, 'rate': 0.03700982218485756, 'full': 0.03533080166683065, 'matter': 0.0343230457616905}, {'the': 0.09556602670340342, 'and': 0.08861312755773822, 'of': 0.08518095932224297, 'to': 0.05959959096879004, 'for': 0.04154998092571953, 'that': 0.04059507841312727, 'in': 0.03571157940298577, 'a': 0.03484281005756312, 'or': 0.028985240946968437}, {'and': 0.11648281088435279, 'demand': 0.029216560705982452, 'time': 0.021335288248738794, 'or': 0.020464943145210725, 'made': 0.019219053677968962, 'ready': 0.01854405870737617, 'up': 0.017916771832742182, 'used': 0.017685307434599142, 'that': 0.015124879601914597}, {'of': 0.257351817343438, 'in': 0.12960255745498542, 'to': 0.1179776026353697, 'for': 0.0713601968552967, 'and': 0.068939389315257, 'that': 0.058258615418998835, 'by': 0.05163078036082841, 'In': 0.046787559506052935, 'on': 0.04103797737150113}, {'was': 0.24439128191090273, 'be': 0.17826952194942877, 'is': 0.1439207169981087, 'not': 0.07995572987022544, 'are': 0.07859787258553108, 'and': 0.061305273726768104, 'were': 0.05607012162259537, 'had': 0.043071823943242125, 'been': 0.0430344813394174}, {'of': 0.18362361102444702, 'in': 0.11776770461659543, 'is': 0.09852022292077453, 'was': 0.08677828023080238, 'to': 0.08575895612424525, 'and': 0.08335276630222331, 'as': 0.08058035596114634, 'with': 0.07353440249721453, 'by': 0.057263946342818346}, {'of': 0.13844733267543008, 'and': 0.11069939791422362, 'to': 0.10345706806670468, 'or': 0.10276493812276474, 'the': 0.0957197470368006, 'in': 0.07191713636603657, 'a': 0.06265463993864212, 'about': 0.061374307880113825, 'for': 0.05082833265425656}, {'of': 0.18528081442939237, 'in': 0.12171463242044704, 'and': 0.112349729669843, 'with': 0.09037891660696905, 'is': 0.08936410166494094, 'was': 0.07141523867149598, 'by': 0.06907087356323721, 'for': 0.06776425423913089, 'to': 0.05225863591761697}, {'man': 0.09624372356393068, 'and': 0.07230669023388756, 'those': 0.05882045765773689, 'one': 0.0553511041505757, 'men': 0.0401518243648334, 'all': 0.029361254408171947, 'woman': 0.024897141894359806, 'person': 0.022515761183083835, 'people': 0.016258174885748555}, {'to': 0.8050205235958472, 'and': 0.048958987476924405, 'not': 0.04124783915936077, 'only': 0.011062653218867978, 'in': 0.010992931906980242, 'for': 0.009636579970194051, 'of': 0.00910474352812792, 'never': 0.007998557400243314, 'or': 0.007788675733530196}, {'he': 0.11936866145504446, 'and': 0.08128021714118182, 'I': 0.0667440433852819, 'He': 0.062329671840669676, 'she': 0.04565829337637805, 'It': 0.03402533299440558, 'who': 0.027559446960974607, 'which': 0.026257778856000055, 'it': 0.02340256308960878}, {'number': 0.07160497980738856, 'amount': 0.060151712077088554, 'purpose': 0.03572584440671233, 'out': 0.032267364685908316, 'matter': 0.03210079768941186, 'means': 0.028240432926543286, 'system': 0.024401013444468097, 'kind': 0.022649317414924784, 'line': 0.022355543076658636}, {'and': 0.11182056775962888, 'of': 0.09554224326896663, 'to': 0.0871139143099188, 'the': 0.06324326059689034, 'be': 0.029566494915788465, 'in': 0.026836278398404342, 'or': 0.025867838037369074, 'was': 0.021433096491519615, 'as': 0.019801767218292212}, {'the': 0.5861571108082951, 'and': 0.06858444513691253, 'of': 0.05492865326113322, 'this': 0.03530499148282159, 'tho': 0.033380075764582046, 'a': 0.031095824200228047, 'be': 0.02111473209457721, 'an': 0.01780775648236151, 'said': 0.01518625338951709}, {'to': 0.6189760355289281, 'will': 0.08666302823119336, 'would': 0.04286557844715782, 'and': 0.036025566283507254, 'not': 0.03476295922347825, 'they': 0.02608518797177175, 'must': 0.025633036945493765, 'can': 0.022469564093188545, 'could': 0.021971025914283876}, {'and': 0.02234694241489197, 'the': 0.018809126633180944, 'all': 0.01589559124480272, 'men': 0.014383988063934018, 'work': 0.014378275077049939, 'day': 0.014324077275487703, 'tion': 0.012350145963229035, 'both': 0.01194056836973449, 'kind': 0.011685326380932868}, {'the': 0.15601891629088022, 'and': 0.14444645999580252, 'of': 0.045303151611715754, 'will': 0.042282469582432695, 'to': 0.04146177581087448, 'a': 0.028787066672090716, 'do': 0.026592061276202783, 'that': 0.02509740502079884, 'would': 0.02382955871916059}, {'the': 0.3449566404839777, 'of': 0.14727141079873976, 'and': 0.08516762908593478, 'for': 0.04916588970384751, 'some': 0.0353172058987748, 'their': 0.02955037944039278, 'his': 0.02849087384715172, 'these': 0.027259730697891952, 'The': 0.024935168209389243}, {'to': 0.24799867927131417, 'will': 0.2471981366084722, 'may': 0.09555768479036154, 'should': 0.09024308145779616, 'would': 0.07625152903060482, 'shall': 0.06556997189513235, 'can': 0.04610108278305735, 'must': 0.045896811065378226, 'not': 0.03682995585005313}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'a': 0.24308639340025134, 'the': 0.16065163755688533, 'his': 0.12331636714962066, 'of': 0.0716146008461257, 'their': 0.06047918303485602, 'to': 0.051933973452314444, 'my': 0.02512863372906859, 'her': 0.02487818480196944, 'one': 0.02484962365291292}, {'the': 0.23846290273934576, 'in': 0.23544010059254725, 'to': 0.10821330768257202, 'of': 0.08869048358591244, 'In': 0.061671714296833956, 'from': 0.05711269497207727, 'this': 0.039396928920533675, 'for': 0.025631155860967137, 'and': 0.02529410553496297}, {'the': 0.23808296554030023, 'of': 0.10526097219779013, 'and': 0.10447621765374518, 'The': 0.0711127721270264, 'that': 0.025498324122051934, 'his': 0.017250878306762633, 'tho': 0.015326878661271586, 'these': 0.014264902931214487, 'to': 0.014219550608288993}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'in': 0.26347797866088674, 'of': 0.22152875857070117, 'In': 0.1328086921113819, 'to': 0.05719738126474645, 'and': 0.04859082794123136, 'that': 0.04274344056934812, 'is': 0.03424926710711547, 'with': 0.03325833888838607, 'for': 0.02969249102263396}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'and': 0.18618497022339825, 'fact': 0.07494105348757565, 'say': 0.048985698509181816, 'know': 0.038621066929694386, 'is': 0.029546087997137135, 'said': 0.029286621756992662, 'believe': 0.029033454586032768, 'show': 0.02530111179661356, 'so': 0.023863548385855502}, {'of': 0.10304530522695042, 'the': 0.09770313283819586, 'and': 0.0564433908945222, 'to': 0.04457808405969252, 'a': 0.0374297154127341, 'at': 0.029076997585655705, 'his': 0.020037274953866195, 'in': 0.01956387945665684, 'is': 0.017412933021596976}, {'in': 0.1738907637129131, 'of': 0.15657742584109177, 'by': 0.1318452647037613, 'and': 0.11393653258203004, 'to': 0.07434841274342387, 'In': 0.06056015769747848, 'for': 0.05159470219486339, 'with': 0.031969262145367425, 'after': 0.030015507451546054}, {'the': 0.2852531072574896, 'a': 0.2743917136013742, 'was': 0.07377693038829594, 'and': 0.06011155378945269, 'his': 0.05147443380109115, 'their': 0.042224433611880066, 'is': 0.04193182761949057, 'have': 0.03338370304960296, 'had': 0.03107462028476331}, {'a': 0.5914215988739716, 'past': 0.11492986444323323, 'last': 0.08317078816792854, 'A': 0.061331657210787524, 'the': 0.03930705523586257, 'next': 0.034438120897160134, 'very': 0.03305396166022475, 'for': 0.007896145138647469, 'but': 0.006799188395631715}, {'State': 0.06198662687906413, 'city': 0.038963081828373686, 'day': 0.03617889168938253, 'line': 0.03113516696335486, 'state': 0.028338105745697124, 'side': 0.02556696527567649, 'place': 0.02457472257762747, 'county': 0.02388741905054329, 'corner': 0.018425077394372037}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'a': 0.6009340999425044, 'the': 0.12673047200031426, 'and': 0.05507978133782823, 'is': 0.034984397509472506, 'of': 0.026003030933394282, 'to': 0.025761925087761275, 'was': 0.025334954789105104, 'no': 0.02057253393495488, 'very': 0.02037752445352313}, {'of': 0.19421754407861697, 'and': 0.12078228603110036, 'to': 0.10978728945466933, 'in': 0.057882102604114076, 'on': 0.052511280487266235, 'with': 0.05165238236247743, 'for': 0.050464678104972835, 'that': 0.03266825668995611, 'from': 0.03213728813043104}, {'the': 0.14913096304667492, 'and': 0.08895433343699316, 'all': 0.08687858446672068, 'very': 0.084221036193391, 'most': 0.08320815784969245, 'a': 0.0778550187084822, 'more': 0.07306019709031514, 'as': 0.06574648763753346, 'of': 0.06216533492091439}, {'number': 0.06478496402557206, 'kind': 0.06255824510061823, 'sort': 0.04315521330111046, 'out': 0.04146862432555688, 'place': 0.03463702696551369, 'line': 0.033655326821154755, 'Board': 0.030657145019974616, 'point': 0.029351332901813975, 'matter': 0.028115331763295462}, {'as': 0.11597878179309135, 'or': 0.06645806034841877, 'opposed': 0.052441646333125425, 'come': 0.0463596948285806, 'and': 0.04423536016210581, 'up': 0.03552346335622439, 'regard': 0.034403223813575044, 'equal': 0.033857203462930134, 'entitled': 0.033029740330983236}, {'in': 0.386906623248647, 'In': 0.13892240562546793, 'of': 0.12663796645656689, 'to': 0.08120474253708947, 'on': 0.04498749621291919, 'is': 0.030860143075733724, 'that': 0.028543551489114846, 'and': 0.025497618712280137, 'at': 0.02536826633119567}, {'to': 0.11495506970688947, 'and': 0.0918393574270878, 'of': 0.05425215205235922, 'the': 0.038148505989931185, 'is': 0.033204246463063636, 'in': 0.0295109246546491, 'was': 0.028580498797366398, 'con-': 0.02505349819126404, 'will': 0.023876091631703095}, {'and': 0.06768249648771371, 'closing': 0.05038441006242118, 'was': 0.030106359721431927, 'valued': 0.02402480983540195, 'held': 0.021992507596520498, 'sold': 0.020844680257419507, '2': 0.02033818480455847, 'is': 0.020075600303976093, 'arrived': 0.019016818863824298}, {'w': 0.20227886493716682, 'and': 0.1605474920577279, 'that': 0.058242094654578754, 'to': 0.04283142507490375, 'I': 0.03285082963976785, 'which': 0.031074723164733312, 'but': 0.024554709499871995, 'will': 0.020644454831002496, 'wr': 0.01754592812524996}, {'the': 0.3014267254370714, 'of': 0.12997815312818142, 'and': 0.0881101225837947, 'his': 0.05731011808850562, 'their': 0.04726856869736345, 'to': 0.04594795275319947, 'are': 0.040756264253431276, 'The': 0.03330817234842745, 'her': 0.02806252538073165}, {'he': 0.18758410673212747, 'be': 0.14411304738270095, 'and': 0.1105281185418428, 'I': 0.08727135613406602, 'is': 0.051414913492086066, 'she': 0.03853142664625787, 'it': 0.035829526376253466, 'they': 0.03348513160947229, 'was': 0.030346917474242213}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'one': 0.0692417145722556, 'part': 0.048511874686007, 'that': 0.040839067827950784, 'out': 0.034401266311862584, 'and': 0.03296666255402379, 'day': 0.03268316788769254, 'all': 0.029085924320437453, 'sum': 0.021239551268766456, 'account': 0.018941559202845445}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'containing': 0.20348378742627768, 'of': 0.20187903312093727, 'the': 0.08627346306110008, 'and': 0.07211677118098155, 'about': 0.03588458573101108, 'to': 0.0358012667131819, 'or': 0.02427131556190884, 'in': 0.016195281201345404, 'at': 0.015806563406055484}, {'<s>': 0.06822345076216586, '.': 0.048399071249990044, 'it.': 0.017343319485923086, 'and': 0.015194018739004818, 'them.': 0.014904011527673554, 'time.': 0.008367762658559708, 'the': 0.007293180534377962, '4.': 0.006732609368940721, 'people.': 0.006595459468711971}, {'and': 0.0654129786794154, 'filled': 0.0631126798352295, 'charged': 0.04466805354290475, 'covered': 0.03817035620874027, 'together': 0.032699442072701077, 'it': 0.02181691478015286, 'up': 0.018228875084062436, 'but': 0.01746987601638842, 'met': 0.016048876932735823}, {'able': 0.08572632680887027, 'is': 0.07012464103770645, 'enough': 0.06496541152745637, 'and': 0.06023674455624883, 'him': 0.05427819883917354, 'unable': 0.05286769388145647, 'not': 0.0488042620754806, 'was': 0.04368362799389139, 'order': 0.04152825738430318}, {'the': 0.19823232135265934, 'and': 0.1797851823979198, 'be': 0.14407323319460122, 'was': 0.06742874065460396, 'been': 0.05489635984449634, 'is': 0.05314554756288538, 'to': 0.04888095353074639, 'are': 0.0415025132306945, 'he': 0.0357441224542932}, {'of': 0.07079649481272066, 'thousand': 0.042956814780165754, '160': 0.040205749369181004, 'hundred': 0.03617773435580342, 'ten': 0.0335780366443053, 'two': 0.028128703140530346, '40': 0.027974102284557944, 'sixty': 0.02712383665083253, 'fifty': 0.020142154173700636}, {'for': 0.23120765393987128, 'of': 0.18394157283498766, 'For': 0.1387509369338934, 'and': 0.09855830168519467, 'by': 0.05458037271606389, 'that': 0.04868280719464698, 'to': 0.04462705772416668, 'the': 0.04071589769185986, 'so': 0.03304714094672785}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'the': 0.4369060019121444, 'this': 0.09334754685848105, 'such': 0.08209350788504675, 'said': 0.06850229345856569, 'a': 0.05612736467459356, 'and': 0.028276993967215683, 'of': 0.021821363379280898, 'his': 0.019592636758903006, 'tho': 0.016473552778502418}, {'a': 0.1732007661115177, 'the': 0.07936686837683471, 'of': 0.07563890138652855, 'this': 0.061572779398487106, 'his': 0.05976360778717865, 'any': 0.053270992421902016, 'in': 0.05114396961173881, 'and': 0.04702627102535098, 'as': 0.04483997056221387}, {'one': 0.03834246433912957, 'on': 0.021849239954468785, 'two': 0.01651419523390507, 'sold,': 0.016429427562890845, 'more': 0.016149666171229583, 'and': 0.014891331307357177, 'little': 0.01453010859048821, 'law': 0.011429174963228352, 'action': 0.010967493552103282}, {'be': 0.20658579205677555, 'is': 0.1725301126261128, 'are': 0.10283505549541526, 'was': 0.09655467347757579, 'been': 0.06170716849402115, 'and': 0.04772045267048266, 'Is': 0.0331695777951508, 'were': 0.03280450607512374, 'being': 0.029698306257288334}, {'the': 0.36154845453139484, 'a': 0.24978326005997317, 'of': 0.07104848739808715, 'oak': 0.03073422365121213, 'to': 0.02437387821817633, 'this': 0.02276421552511777, 'tho': 0.0188929775566361, 'every': 0.01543543308515487, 'The': 0.015091160168557785}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'the': 0.2625155412447411, '.': 0.04473416636118359, 'and': 0.03367612717333851, 'Mr.': 0.02552169436811132, 'of': 0.021077804072142232, 'The': 0.01749242877819234, 'in': 0.017329142274837617, 'a': 0.014885784310152467, '<s>': 0.014805577326697551}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {"o'clock": 0.1760429432151018, 'Mrs.': 0.07508559669554571, 'and': 0.05790639454867614, '.': 0.05189980537761618, 'oclock': 0.028086996773332144, 'by': 0.025306280639501962, 'C.': 0.023371597115478704, 'of': 0.016448563311057894, 'J.': 0.014961454788762275}, {'the': 0.43088079106088645, 'a': 0.16000825174054223, 'of': 0.08671223827250153, 'in': 0.07818836251829016, 'The': 0.046842067512131096, 'to': 0.03921110253496453, 'for': 0.03651481410768924, 'tho': 0.030991067551465742, 'and': 0.02678550142267707}, {'with': 0.12127485765793494, 'is': 0.12097177959745713, 'in': 0.10259007632164253, 'of': 0.10224713666515024, 'was': 0.08888748058188298, 'as': 0.08672540351603275, 'to': 0.08034775177656281, 'and': 0.05925138751486182, 'be': 0.05763745345175884}, {'and': 0.09335497760208805, ';': 0.028105210462984226, 'as': 0.02652811134360164, 'but': 0.024987511728587514, 'And': 0.023258544838337905, 'is,': 0.015971329976284948, 'that': 0.014476686374258205, 'and,': 0.014414820539876706, 'is': 0.013041873265353922}, {'be': 0.31333351108579516, 'was': 0.2468542567774546, 'been': 0.12380401028482528, 'is': 0.06936113943588676, 'were': 0.06239464765084399, 'being': 0.03130588592100059, 'are': 0.02953837299793018, 'and': 0.01976472918213287, 'bo': 0.018226662054125972}, {'<s>': 0.10123297149210479, 'it.': 0.017859855665218076, '.': 0.012296017930962484, 'them.': 0.011427146502426832, 'him.': 0.009080801250392168, 'city.': 0.007112868065008834, 'and': 0.006671278173170832, 'day.': 0.005711236291299535, 'in': 0.005635548699605371}, {'the': 0.22161648833771005, 'of': 0.12156763202201448, 'and': 0.08815431181524648, 'in': 0.025952120714691333, 'to': 0.023873359168858722, 'a': 0.022977973224849606, 'by': 0.020855063096414484, 'tho': 0.017355058024504662, 'as': 0.016383252730859103}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.3347581580907337, 'The': 0.1519101150048505, 'no': 0.08250636813300195, 'his': 0.05796382544953033, 'that': 0.05514705357824979, 'of': 0.05440820535953186, 'and': 0.04190006207156582, 'this': 0.03841942226710597, 'their': 0.0241593846663103}, {'the': 0.15259616332987766, 'of': 0.11256566387962294, 'and': 0.07543094928586641, 'a': 0.05553071815061712, 'to': 0.045084579294644024, 'in': 0.03767578907760695, 'or': 0.018406885552017353, 'for': 0.017272862655520627, 'by': 0.016595537130002683}, {'the': 0.08931260277328444, 'and': 0.07216081432752436, 'of': 0.06631777510285358, '.': 0.037456537666968444, 'to': 0.025295426567028392, 'by': 0.02335393141212397, 'Mrs.': 0.022091772803332854, '<s>': 0.019388620234725512, 'Mr.': 0.016413341644774794}, {'the': 0.5550949930582849, 'an': 0.09175232947423739, 'this': 0.051164477474733704, 'of': 0.035918689665625274, 'a': 0.035674579138922545, 'The': 0.030041981805698517, 'tho': 0.02645358921828549, 'said': 0.025193045773511107, 'and': 0.021672142666561454}, {'in': 0.18205588051206803, 'of': 0.1660679918619828, 'by': 0.0783186921139995, 'and': 0.0753684317908496, 'is': 0.05223740038431459, 'with': 0.05160180781774194, 'from': 0.03941322908589821, 'have': 0.035513083859891915, 'for': 0.034047458942724367}, {'of': 0.5791513316101561, 'in': 0.24576057923574474, 'In': 0.05560819279975822, 'to': 0.01397120304956, 'by': 0.012826904114910631, 'the': 0.012601959204051685, 'from': 0.012376078168896678, 'for': 0.011818866707779225, 'at': 0.011617138319183042}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.2944310773773452, 'of': 0.15148528796573843, 'and': 0.13495188062129634, 'to': 0.11843430427903837, 'a': 0.05168515127728543, 'in': 0.028652724552919596, 'his': 0.02824719577993517, 'or': 0.024680364903832464, 'for': 0.02393710880007158}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.3972431464474755, 'this': 0.1705148186545758, 'The': 0.12018269750908546, 'that': 0.06080805719737937, 'This': 0.04096964559222443, 'a': 0.04090801870661288, 'of': 0.039200817661814956, 'tho': 0.027095272847733297, 'our': 0.021081571997731}, {'brought': 0.16514224461997729, 'went': 0.13278627021356074, 'come': 0.10432674165198451, 'came': 0.0913982510162026, 'go': 0.08892346257252139, 'look': 0.07396933179072951, 'looked': 0.06610888639734477, 'sent': 0.0644437873504625, 'it': 0.0631857879755953}, {'the': 0.5808274210254897, 'a': 0.1249288904182247, 'and': 0.07395099999628794, 'The': 0.031999751530400015, 'this': 0.028908465427068857, 'to': 0.026629317801905517, 'tho': 0.02597418364716196, 'of': 0.013547957651467806, 'in': 0.011980851591803024}, {'the': 0.12407836755294153, 'and': 0.06782290723981783, 'a': 0.03277118892261362, 'of': 0.028371907709983293, '.': 0.02117687036463311, 'that': 0.019799966342327953, 'to': 0.015904387862462333, 'for': 0.014820823397308351, 'The': 0.013534304532367609}, {'and': 0.22538665138215414, 'he': 0.08619410340055804, 'who': 0.06608610539233803, 'that': 0.05647566569667883, 'which': 0.054617414479488854, 'they': 0.03681504200015038, 'I': 0.033236059494059375, 'He': 0.032325948964460935, 'it': 0.0313344796697564}, {'the': 0.23550819812812981, 'any': 0.15651261304946468, 'no': 0.12031916025914122, 'this': 0.11251069088984549, 'that': 0.08047047783219129, 'every': 0.07463236534275289, 'a': 0.06779137104260048, 'some': 0.050766096593305395, 'his': 0.04080282240408956}, {'to': 0.18823913888468718, 'of': 0.15747424909221325, 'with': 0.08206751290780756, 'in': 0.08050069814767108, 'is': 0.06959488947267715, 'was': 0.06234322612727725, 'and': 0.06203535498612412, 'as': 0.058978350944406704, 'for': 0.05644558849957765}, {'him': 0.08746677775584313, 'and': 0.08294132711720675, 'is': 0.062047731278659604, 'able': 0.05611879037896094, 'have': 0.05281219963370327, 'right': 0.0448131291882802, 'was': 0.044471686257952454, 'them': 0.04372800560807048, 'order': 0.043153386114959336}, {'was': 0.23437754719784354, 'be': 0.1543749242957678, 'is': 0.15415432389744457, 'been': 0.07390782485390032, 'and': 0.06986969973550619, 'are': 0.05631192546107353, 'were': 0.050349982297486766, 'not': 0.04853564244565691, 'as': 0.03228046695828936}, {'said': 0.030464238604074614, 'of': 0.023741010211872297, '.': 0.017647363589807594, 'the': 0.016982887893828794, 'and': 0.008991806469400274, '<s>': 0.007971767994104177, 'State': 0.006794094302452408, 'Medical': 0.006342486775493778, 'Agricultural': 0.0042160435900425374}, {'a': 0.22869332822522997, 'legal': 0.17078346892109314, 'the': 0.15946526330024016, 'and': 0.05600194168459661, 'of': 0.04376748019276969, 'very': 0.03531334413447126, 'so': 0.03429464389595503, 'as': 0.034151609641071445, 'this': 0.030518758880352968}, {'lot': 0.2542443791874409, 'June': 0.0861749830883975, 'July': 0.0704623665721732, 'May': 0.06817531831924721, '18,': 0.0678413808900645, 'No.': 0.06382864373849537, 'block': 0.05781376228128286, 'April': 0.04144963196642511, 'March': 0.037868178597049926}, {'Resolved,': 0.08424648770183613, 'enacted,': 0.07031059815932186, 'Provided,': 0.06175680450439582, '<s>': 0.05587714715166473, 'enacted.': 0.03947003249804025, '2.': 0.021053257964109975, '1.': 0.018059838801062354, '4.': 0.0175005857959709, 'it.': 0.016151512564959426}, {'<s>': 0.10312163533028455, '.': 0.01606187769818938, 'it.': 0.012816317743730949, 'them.': 0.010223922628855294, 'years.': 0.009313144047141451, 'time.': 0.008012850749482941, 'him.': 0.007517640982594957, 'else.': 0.006816790382635137, 'day.': 0.006013062745311779}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.2717317960866373, 'and': 0.0773736942627403, 'a': 0.07309431413701864, 'their': 0.07191993099789204, 'of': 0.0699169593742649, 'his': 0.06669619097603985, 'no': 0.05914195569693789, 'its': 0.05042811584066557, 'any': 0.045992764966434736}, {'the': 0.4764420420490258, 'of': 0.10854303419668693, 'The': 0.08552937471918502, 'and': 0.050579644729265884, 'tho': 0.027998609762880086, 'that': 0.02279977165238469, 'his': 0.019681717262194823, 'to': 0.016004266628151586, 'said': 0.01504253335274851}, {'to': 0.276593820899836, 'will': 0.202302764638806, 'shall': 0.1410113969508404, 'may': 0.10861190395720001, 'would': 0.07308624173819361, 'should': 0.04919074408563694, 'must': 0.04029736400309317, 'not': 0.033842703756322874, 'can': 0.03348886308268202}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'and': 0.22403837780009436, 'about': 0.14505221940214735, 'of': 0.13652598254798637, 'or': 0.08319806299406869, 'to': 0.04238212869304825, 'from': 0.036394272749868915, 'the': 0.03201907743018819, 'in': 0.02199321526463616, 'for': 0.021888591795168715}, {'of': 0.3243453373039127, 'in': 0.1451070981345823, 'with': 0.08925920772341948, 'to': 0.0848759251186672, 'by': 0.06980158470048652, 'for': 0.06588530054193131, 'that': 0.05748289911463014, 'and': 0.04809883070485027, 'at': 0.039058051290257384}, {'of': 0.3406760779119424, 'to': 0.11756116456780202, 'and': 0.08276358775145327, 'for': 0.07511594016385797, 'in': 0.0731072494328505, 'at': 0.05163944233900247, 'that': 0.04962339582950581, 'on': 0.042791461409433566, 'by': 0.03973010928298521}, {'has': 0.3641481514915085, 'have': 0.2891631892772418, 'had': 0.2087561731749719, 'having': 0.040485603762300884, 'not': 0.025204543620140265, 'lias': 0.012853764201233513, 'bad': 0.009883216117069821, 'ever': 0.007521270044525967, 'never': 0.007128868603787225}, {'he': 0.17331697243193614, 'and': 0.11723596131670853, 'it': 0.09924872329747113, 'He': 0.09202060124983562, 'It': 0.05748033177327013, 'she': 0.05040549639194976, 'who': 0.047930380396908556, 'I': 0.04187164311628063, 'soon': 0.038026848876671696}, {'and': 0.07572880054496184, 'is': 0.05428386378382395, 'was': 0.043202555308824886, 'as': 0.039578892294798156, 'him': 0.03788612354320116, 'made': 0.03382639245898207, 'them': 0.03316919431410398, 'it': 0.03051764948600776, 'time': 0.029579953796714003}, {'he': 0.1266864887255583, 'which': 0.10651891538864716, 'that': 0.09450366978940218, 'and': 0.0803907121922892, 'who': 0.07997731378817428, 'it': 0.06001927033223189, 'It': 0.04823619545743577, 'He': 0.04575315327843389, 'as': 0.030321723250848923}, {'the': 0.15043254084121516, 'and': 0.10901937288357914, 'of': 0.08932489296763575, 'a': 0.0583081701546879, 'in': 0.04324500214575043, 'to': 0.03241530252974984, 'that': 0.02038434961405383, 'I': 0.018887689905123108, 'for': 0.017488077409236}, {'I': 0.1271288156314702, 'it': 0.10436644269003233, 'we': 0.08740927943216527, 'who': 0.08161043443505464, 'and': 0.07178189523090651, 'he': 0.0696410401216764, 'they': 0.06307400967110319, 'which': 0.05284161595704043, 'It': 0.039811170636064395}, {'the': 0.13908679504865662, 'of': 0.11018424169065659, 'and': 0.08819897668254238, 'to': 0.08229164611286616, 'a': 0.04169362818372944, 'be': 0.029216682148986695, 'or': 0.029131339800605442, 'his': 0.02429855075103291, 'on': 0.02238479204228481}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'to': 0.4655711200904067, 'will': 0.12175755321989626, 'not': 0.07472322103810432, 'would': 0.06497455934126348, 'and': 0.0608083807117355, 'you': 0.029451961354788336, 'they': 0.028186561813864582, 'should': 0.02778798060530797, 'must': 0.021759927411559687}, {'the': 0.4404907771455502, 'The': 0.12954942471540787, 'that': 0.07618142056240214, 'this': 0.06277857039476281, 'his': 0.04379522093344545, 'en': 0.040685866144510724, 'tho': 0.03489141301474485, 'a': 0.027300853686689688, 'This': 0.026401093393587004}, {'to': 0.11495506970688947, 'and': 0.0918393574270878, 'of': 0.05425215205235922, 'the': 0.038148505989931185, 'is': 0.033204246463063636, 'in': 0.0295109246546491, 'was': 0.028580498797366398, 'con-': 0.02505349819126404, 'will': 0.023876091631703095}, {'be': 0.13832642631098205, 'and': 0.10027305145718718, 'as': 0.06620702457715112, 'any': 0.05091754971451224, 'either': 0.044871906700644344, 'manner': 0.04069837328897526, 'is': 0.03673494047356451, 'or': 0.03645509121252832, 'a': 0.036299945354780774}, {'of': 0.38930257578148936, 'to': 0.09439880094037814, 'that': 0.08875114757116387, 'by': 0.08222344874966686, 'and': 0.0681228354097302, 'under': 0.06065914997714277, 'with': 0.042927132534697925, 'for': 0.037860444977932985, 'in': 0.03260006821875727}, {'and': 0.0777096987068254, 'ready': 0.04282895716040074, 'used': 0.04261347556782445, 'demand': 0.03309185188839986, 'necessity': 0.02781678534129454, 'time': 0.025162104161663645, 'vote': 0.024828693982828186, 'place': 0.02321554192445014, 'enough': 0.022141131764386403}, {'the': 0.34783057633270104, 'and': 0.08750744664431426, 'a': 0.08660429770575666, 'of': 0.05802662103432646, 'The': 0.05150425903709621, 'to': 0.04843985679165783, 'his': 0.041180135171628614, 'with': 0.03000899894034496, 'tho': 0.029241429739225288}, {'the': 0.2106245692053377, 'of': 0.1869281397146357, 'and': 0.1091783466328121, 'in': 0.10789884767945239, 'or': 0.08010494013030325, 'with': 0.05642904373118383, 'to': 0.05204365115351182, 'by': 0.04485368301664659, 'for': 0.04070869510969064}, {'be': 0.22017245812039798, 'and': 0.12516130272634907, 'he': 0.12429272961947638, 'was': 0.0939250232851609, 'is': 0.0671925516694527, 'have': 0.03716658714353855, 'I': 0.033476453264556186, 'been': 0.03076601215604269, 'He': 0.029503692543378406}, {'the': 0.7281626651623131, 'tho': 0.032390341802654675, 'and': 0.02684116657615936, 'his': 0.024307476621140103, 'this': 0.02008476665423195, 'a': 0.019481834375558532, 'their': 0.019089513834546896, 'of': 0.019060800405640125, 'no': 0.0161088437972218}, {'the': 0.19117030611558675, 'of': 0.0768269656334674, 'his': 0.058361318927097804, 'this': 0.049971397033777905, 'and': 0.030925897900280358, 'a': 0.025357680818380805, 'their': 0.025311128640678925, 'or': 0.024949260044311396, 'our': 0.020872935545153574}, {'of': 0.2652853081049567, 'in': 0.13721155895478, 'to': 0.11410974052181962, 'and': 0.08669658541692128, 'for': 0.08306336388604196, 'with': 0.05400339131313314, 'by': 0.04766035825836308, 'that': 0.04547088722711785, 'on': 0.04330115076269515}, {'to': 0.18034498965184734, 'I': 0.10916988708584725, 'would': 0.10470460307587337, 'they': 0.09079676513117406, 'we': 0.08261930753046381, 'who': 0.06432076887909, 'will': 0.06083687540420752, 'you': 0.045461924317344304, 'and': 0.040858231288966665}, {'of': 0.28131059321660473, 'and': 0.1269295644984261, 'in': 0.12599467295772288, 'that': 0.09275964577447784, 'to': 0.07821656821614782, 'by': 0.05223550228174962, 'with': 0.04481081562793374, 'for': 0.04243633795004942, 'from': 0.0368088634557826}, {'Chief': 0.21849876272994725, 'by': 0.1784098076676455, 'of': 0.17669374898602702, 'and': 0.06861299213138508, 'to': 0.05898798524449345, 'the': 0.03737826242453666, 'said': 0.02890068965988822, 'on': 0.015764898117029757, 'Mrs.': 0.013172602656851527}, {'of': 0.1582559933891888, 'the': 0.09407817952359815, 'in': 0.057873491356385934, 'and': 0.04702176872006862, 'that': 0.03743136021928463, 'to': 0.031011104865684532, 'The': 0.026454772604923092, 'for': 0.022924280922302677, 'Mr.': 0.019774204214003416}, {'I': 0.28636942802226717, 'he': 0.16784429288184408, 'and': 0.08916261926425521, 'He': 0.07378845070025426, 'was': 0.07068365700559835, 'she': 0.045125958544918375, 'the': 0.03862405014922913, 'is': 0.037931844883978716, 'be': 0.03433958535587389}, {'and': 0.10426669141557127, 'is': 0.08964020504307713, 'was': 0.08797994855525762, 'are': 0.07093210776483151, 'be': 0.05849105198575007, 'not': 0.038591846870370906, 'were': 0.03846094218271833, 'been': 0.037112063841400846, 'it': 0.03560322573573449}, {'the': 0.2993087925805846, 'a': 0.1918061090764538, 'of': 0.049822855532132705, 'said': 0.043923406989365935, 'in': 0.04028640555666623, 'his': 0.03503046260493187, 'this': 0.03184783140390621, 'to': 0.02765347930408768, 'on': 0.020863807316893617}, {'and': 0.1451122525773643, 'or': 0.07193659523599749, 'made': 0.06837786402674052, 'it': 0.03976030789053382, 'that': 0.035546121352067174, 'done': 0.023498248171152536, 'him': 0.023480405049025106, 'only': 0.022954238435061648, 'them': 0.022246402989024115}, {'of': 0.37202749370200144, 'to': 0.13755099749528166, 'that': 0.08574516009911738, 'in': 0.07387428970608055, 'and': 0.07192289689305574, 'on': 0.0531153275164597, 'by': 0.0341433384103996, 'for': 0.02936611094377078, 'as': 0.026762155226385816}, {'that': 0.36162167915010784, 'if': 0.09445825010733588, 'as': 0.08956908862994503, 'which': 0.08330385249382394, 'and': 0.06537648637844805, 'where': 0.05441305268997308, 'when': 0.04530871038793509, 'what': 0.038541646786289296, 'but': 0.03521365324360885}, {'and': 0.11967685670109385, 'of': 0.11081085938871418, 'the': 0.10577620458358969, 'to': 0.048827742613458465, 'a': 0.04534961975306991, 'be': 0.03430796720304311, 'for': 0.02767925705255841, 'in': 0.02621063859618405, 'was': 0.02501619198800979}, {'the': 0.18417170767649432, 'of': 0.18118289919697206, 'in': 0.09183330071047506, 'by': 0.034026560730549896, 'and': 0.03400858092414529, 'a': 0.030700349946466258, 'his': 0.027176621330454363, 'for': 0.022364543464170248, 'In': 0.022284574653220642}, {'that': 0.20334611546566458, 'and': 0.18039632490638366, 'as': 0.09088995643818885, 'but': 0.07231611218556083, 'which': 0.0496197551777785, 'of': 0.033800465620593606, 'when': 0.03343549065700626, 'if': 0.031229768540334154, 'for': 0.029481969677979735}, {'the': 0.34390720907112954, 'a': 0.32068110546363726, 'The': 0.06405055697859957, 'of': 0.04492979449188087, 'and': 0.04007830977286069, 'his': 0.029974013872030185, 'this': 0.024329992627222675, 'tho': 0.017584259976853645, 'in': 0.017051004924470693}, {'to': 0.710165727034637, 'not': 0.06496995298845615, 'and': 0.037502362757137676, 'I': 0.02447970227341724, 'will': 0.02022141602825991, 'would': 0.017840074730054348, 'of': 0.014413319592325051, 'in': 0.014328219228053336, 'could': 0.01211204301225881}, {'it': 0.17188902683165821, 'he': 0.160847772025366, 'It': 0.13645992105666385, 'He': 0.07288029739592879, 'and': 0.07167810784224958, 'which': 0.03779180054736122, 'there': 0.03570499472956567, 'she': 0.031564529227404166, 'that': 0.03041491223578724}, {'the': 0.1825997352616386, 'south': 0.17098119270319453, 'north': 0.14611221161179103, 'east': 0.13179144166176768, 'west': 0.1162287869441359, 'one': 0.055928356674835034, 'other': 0.04642548511625882, 'either': 0.029232648752465413, 'a': 0.025760172727703964}, {'of': 0.22098633377272278, 'to': 0.13666915783418296, 'in': 0.13558925433844715, 'for': 0.08154755596392245, 'with': 0.07294000112171496, 'and': 0.0686281410700609, 'from': 0.061391675128054796, 'at': 0.055973097306321044, 'by': 0.03819607202084306}, {'and': 0.16494612664832758, 'of': 0.1373647216948618, 'to': 0.06437800195250004, 'all': 0.045986310498612445, 'in': 0.041999530937109, 'know': 0.04023053319611327, 'fact': 0.04011371443317312, 'for': 0.031228709661315898, 'from': 0.025656367113929893}, {'and': 0.1040113630505887, 'him': 0.031774613662566585, 'application': 0.0307505839363781, 'was': 0.029319516259670098, 'it': 0.027172227724490117, 'up': 0.02650714215507662, 'made': 0.023940893007746485, 'out': 0.022946242933547373, 'time': 0.022259067758951867}, {'the': 0.2477679376791753, 'said': 0.14771165365904798, 'this': 0.09321319092441856, 'no': 0.0757142788035999, 'that': 0.06522701953585108, 'of': 0.05524482146248687, 'such': 0.05021243284174962, 'This': 0.04909923104327202, 'The': 0.04182676933944879}, {'the': 0.3957849528774386, 'this': 0.17030218235459643, 'that': 0.06462423650685536, 'his': 0.03923863397382722, 'first': 0.03721054646825178, 'a': 0.03635576133816756, 'on': 0.032602504476920376, 'took': 0.030107879737288703, 'second': 0.029369267462883535}, {'of': 0.4579053088594867, 'in': 0.22221683084556088, 'to': 0.07682065990039878, 'throughout': 0.04406522720184801, 'In': 0.04366094282614589, 'from': 0.034497785737392525, 'for': 0.03154087647467126, 'on': 0.024650041205242296, 'by': 0.02422588047205824}, {'of': 0.2610141687414214, 'in': 0.14771985999413106, 'to': 0.1399353079108027, 'at': 0.08025476225827209, 'by': 0.06778922915780292, 'with': 0.05128944422933157, 'from': 0.05103315877224537, 'for': 0.04853054857313627, 'and': 0.04319100731593439}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.30032896488670247, 'a': 0.21446959316728922, 'their': 0.07526496452134879, 'to': 0.06263763419350134, 'his': 0.05899466260985028, 'this': 0.041693416792711525, 'good': 0.04129599779330926, 'of': 0.04099950885833877, 'our': 0.038913546106842875}, {'the': 0.46835102584925453, 'a': 0.18374753795873117, 'this': 0.0776209283624606, 'The': 0.06278421892068842, 'and': 0.03984739752694497, 'tho': 0.019699446213361928, 'is': 0.015925357503733004, 'A': 0.014168612124797041, 'was': 0.013313543395582897}, {'and': 0.09431247855719366, 'be': 0.08730232121819363, 'was': 0.07667176948570296, 'of': 0.06761860585974919, 'to': 0.0670673838124704, 'been': 0.0467310007376986, 'is': 0.042964096319214294, 'were': 0.04125238232606278, 'are': 0.03689951532100899}, {'able': 0.06269704197647433, 'and': 0.05691430841659065, 'is': 0.053907376047818194, 'have': 0.05068188778332057, 'him': 0.04788358792811962, 'had': 0.041278948787956175, 'right': 0.03906188901777502, 'enough': 0.038342454991649906, 'willing': 0.03697054181889708}, {'the': 0.25634546980968526, 'a': 0.18276556005403707, 'and': 0.05983540974835949, 'of': 0.05128560951134464, 'The': 0.03475923189427044, 'an': 0.03428953120154855, 'that': 0.02529799170125681, 'to': 0.022187409625052456, 'tho': 0.017443242520477752}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'up': 0.02984437297752214, 'time': 0.029281962380220527, 'in': 0.021950456632640006, 'due': 0.01986558402436851, 'them,': 0.016604030463574348, 'it,': 0.015503574205054329, 'him': 0.014422750376945424, 'here': 0.013534972950241626, ';': 0.012462232193378752}, {'the': 0.8203498211707788, 'tho': 0.04753642296995339, 'The': 0.02294055349399141, 'tbe': 0.017621120386695034, 'of': 0.016756398098910653, 'and': 0.008890853979286158, 'in': 0.008383594652793161, 'by': 0.005686652146253728, 'a': 0.005664633526463582}, {'to': 0.7737668370541336, 'and': 0.06264192034919522, 'not': 0.058894274619168546, 'will': 0.024302584502571747, 'that': 0.009371717960058822, 'or': 0.009142312400908433, 'which': 0.008446185527315925, 'would': 0.008374728404953888, 'may': 0.0069570805068443}, {'the': 0.7881897881482983, 'tho': 0.029040160073142095, 'of': 0.025454870463010693, 'and': 0.022179082771370075, 'his': 0.021863389002702543, 'The': 0.01863234161839242, 'an': 0.01652529055995746, 'in': 0.012275743837677473, 'tbe': 0.01063148941716024}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'first': 0.1344873493740517, 'on': 0.11380594719037321, 'third': 0.08753894957102976, 'On': 0.0870685600296429, 'last': 0.04651389000208834, 'and': 0.03760793808180267, 'second': 0.031980215226513314, 'the': 0.029585757022469877, 'of': 0.02741145548457463}, {'taken': 0.09132455897564123, 'put': 0.08210402716719337, 'came': 0.07696066390996688, 'it': 0.05815058647294066, 'went': 0.057776066312199, 'made': 0.052282201064416126, 'come': 0.049939622674430306, 'keep': 0.04749181242715611, 'get': 0.03996621971020178}, {'the': 0.2893999992233629, 'of': 0.2889652157761875, 'an': 0.1152481149206519, 'and': 0.08371364447132326, 'in': 0.048677644505006626, 'The': 0.04127081314385889, 'by': 0.024414272373704516, 'this': 0.020494209363128332, 'to': 0.01714762889852743}, {'brought': 0.16514224461997729, 'went': 0.13278627021356074, 'come': 0.10432674165198451, 'came': 0.0913982510162026, 'go': 0.08892346257252139, 'look': 0.07396933179072951, 'looked': 0.06610888639734477, 'sent': 0.0644437873504625, 'it': 0.0631857879755953}, {'and': 0.10025557320145895, 'filled': 0.07675477325607175, 'covered': 0.06126672670985172, 'together': 0.029496135511735386, 'accordance': 0.026233254418840585, 'charged': 0.025397499474494732, 'parallel': 0.02245117122510256, 'up': 0.02240624637691772, 'connection': 0.021870291756875826}, {'and': 0.07111456140943417, 'demand': 0.0256852383653999, 'ready': 0.02126273132343757, 'used': 0.020447301910245644, 'time': 0.018506303219785913, 'not': 0.01420080865740985, 'vote': 0.014177945812533595, 'it': 0.01407779232818357, 'candidate': 0.01328644507450521}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.30557220761604476, 'thence': 0.23883391341833393, 'and': 0.07614200851152435, 'minutes': 0.04558739239313806, 'degrees': 0.03124437609158594, 'The': 0.029389878622870243, 'tho': 0.024299583852270153, 'feet': 0.021090956748657033, 'miles': 0.017658357253317283}, {'be': 0.3328426524583843, 'was': 0.12475402610973822, 'been': 0.08683972455191914, 'is': 0.08013566048524286, 'have': 0.07146334945873203, 'has': 0.05577982694175216, 'had': 0.04423157917556344, 'and': 0.04344610033212617, 'he': 0.0339783239108631}, {'and': 0.11228392803752373, 'was': 0.06124976833488099, 'are': 0.04712622594597459, 'is': 0.04422121416272455, 'been': 0.03989202404241736, 'or': 0.0320708968243583, 'be': 0.031502476137895176, 'were': 0.028610903957523238, 'not': 0.026414243830862518}, {'of': 0.19644200648634594, 'the': 0.0912896522857121, 'and': 0.04440364426650922, 'for': 0.04207278719421804, 'or': 0.03977115379389445, 'in': 0.0310141035643471, 'to': 0.028074040258379274, 'by': 0.02331557260921987, 'with': 0.016384791253287068}, {'this': 0.22555248778519313, 'the': 0.16542949226371054, 'his': 0.08901896777681237, 'same': 0.0735963305953922, 'own': 0.0718433679553589, 'any': 0.06323809696370829, 'their': 0.058344913863776625, 'other': 0.03815227820156565, 'that': 0.03660942748595859}, {'he': 0.14913747756320628, 'it': 0.10720065344457635, 'they': 0.06846908467864729, 'that': 0.05965114158655367, 'I': 0.057245535004312356, 'and': 0.052044090140511506, 'It': 0.04959069941199372, 'who': 0.04798811707164546, 'which': 0.04452618988198931}, {'the': 0.23973402939043725, 'of': 0.12317361932380948, 'and': 0.07232287582759349, 'to': 0.06297965214133516, 'a': 0.04067997153886067, 'The': 0.03597915515165369, 'in': 0.02357639516620124, 'with': 0.022806905231941368, 'for': 0.015663563461904024}, {'number': 0.037763285475341954, 'line': 0.03377907357192883, 'one': 0.03004096357193585, 'place': 0.028337440376260757, 'all': 0.0239021397555696, 'state': 0.02309174292068463, 'out': 0.022580849985825286, 'and': 0.021734472073808325, 'House': 0.021628198843235073}, {'Mrs.': 0.08169592399993172, '.': 0.05411924396447442, 'and': 0.03353277720546045, 'Mr.': 0.02991579058981639, 'J.': 0.02779268611195793, 'John': 0.0233700289110769, 'H.': 0.023116426472845317, 'C.': 0.021350915930048026, 'W.': 0.02116103986725704}, {'to': 0.5837957159511539, 'will': 0.0682685843721796, 'and': 0.045170409837568336, 'would': 0.04182959848417683, 'of': 0.04047740202372815, 'not': 0.033755119368800345, 'in': 0.023904956144409288, 'the': 0.015534566861412257, 'I': 0.01361011672572521}, {'time': 0.018060231415274693, 'dollars': 0.01745142952609513, 'up': 0.016658663925311734, 'north': 0.01503401724213809, 'hundred': 0.01292946939123239, 'men': 0.012813585440284814, 'principal': 0.010579427663825438, 'wife': 0.010396360041193587, 'city': 0.010281669278235438}, {'the': 0.12615023784459545, 'and': 0.10334656539969754, 'of': 0.08918225443406907, 'as': 0.0885708155318133, 'a': 0.04939048978612766, 'to': 0.04235721115572684, 'be': 0.03390331867972983, 'such': 0.028965747484619584, 'in': 0.028103276685770867}, {'in': 0.1931863952511359, 'of': 0.1916077099531773, 'to': 0.09291315398018539, 'for': 0.09086315968533983, 'and': 0.08601038677342343, 'on': 0.06605514306804672, 'with': 0.0515387196989444, 'In': 0.04984813102813828, 'from': 0.04545268216533642}, {'the': 0.26981770622245244, 'a': 0.14924444169759896, 'his': 0.130885279603939, 'her': 0.07460220374511828, 'and': 0.045644839340028956, 'their': 0.03427167109789641, 'my': 0.03143969801265804, 'of': 0.029960812685913118, 'to': 0.02291218367662545}, {'days': 0.14542561311381005, 'years': 0.12171959735326042, 'weeks': 0.11636350663926108, 'and': 0.06291395556781959, 'months': 0.0436265333595244, 'a': 0.03259574984650276, 'the': 0.03153096782141018, 'time': 0.03139601246060502, 'long': 0.02488810169061392}, {'a': 0.250751572995322, 'the': 0.1393169259407709, 'of': 0.0974452242543908, 'and': 0.04576755850143782, 'in': 0.029120644504402233, 'to': 0.02632192267238388, 'as': 0.025572126442192592, 'for': 0.02059460097432904, 'that': 0.01840964994633389}, {'be': 0.3991421853406709, 'was': 0.14070427284664613, 'is': 0.12419339207420028, 'been': 0.07551754942292752, 'are': 0.04509000617523011, 'were': 0.0396456820802314, 'and': 0.036697747345320685, 'he': 0.03414214966501265, 'have': 0.03362552117294272}, {'enough': 0.0736694107804974, 'and': 0.07130330020802016, 'able': 0.06322655222443574, 'order': 0.060983564504242804, 'is': 0.05377737969380698, 'as': 0.049640820594211585, 'him': 0.04449848291089123, 'necessary': 0.04372659986255191, 'unable': 0.03864541445866458}, {'the': 0.36337064173400124, 'a': 0.13402375050870413, 'in': 0.10715944421429287, 'this': 0.06921040175538529, 'of': 0.06676498147071297, 'his': 0.03229606896665052, 'and': 0.025748279515015363, 'that': 0.02552056325260625, 'by': 0.020851716071356483}, {'of': 0.08401124203834125, 'the': 0.057041371015458656, 'and': 0.024497429795279725, 'to': 0.020721298556730536, 'at': 0.020488205831259022, 'by': 0.019865055619114273, 'a': 0.015771496836705784, 'was': 0.014907649696227066, 'be': 0.014901525128896958}, {'and': 0.06798763424989587, '.': 0.0343497505223058, 'E.': 0.025712723115511083, '<s>': 0.02003129467688043, 'W.': 0.017341692409290635, 'one': 0.01392713862876898, 'east': 0.013177441318739519, 'of': 0.012898218517835867, 'Miss': 0.011271945232988514}, {'the': 0.45988219181732914, 'The': 0.09296338833725129, 'and': 0.0708094621419619, 'of': 0.06721719335240706, 'that': 0.04601986168265112, 'this': 0.04376132168684425, 'in': 0.02997629170638319, 'tho': 0.027719413744235602, 'for': 0.027512394352199234}, {'the': 0.5348379968923115, 'an': 0.052276195225830345, 'of': 0.04043397565986584, 'and': 0.038192964273217916, 'a': 0.036208608506782126, 'his': 0.035220714842880356, 'tho': 0.03369617014252538, 'in': 0.02424601026310065, 'as': 0.023802821902257524}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'be': 0.20495792086087977, 'was': 0.15445933736953482, 'is': 0.12028162751771218, 'are': 0.06725669212977088, 'and': 0.06074591369751337, 'been': 0.059612739990854376, 'were': 0.05876313510919577, 'being': 0.025611701728145548, 'not': 0.02558769634259452}, {'a': 0.2857983951265781, 'the': 0.17168670418775223, 'most': 0.10831712328236967, 'and': 0.10116702792375148, 'of': 0.05609025557530006, 'is': 0.02721829451005735, 'very': 0.020677994111625537, 'are': 0.019577124064186657, 'his': 0.018806654029722807}, {'in': 0.3076761983957227, 'a': 0.2523060545244977, 'In': 0.15557316677815988, 'the': 0.1363454267625975, 'this': 0.03563750060663666, 'and': 0.018637667436526503, 'of': 0.010751014434046672, 'iu': 0.010699142819453526, 'great': 0.009667423469866886}, {'and': 0.12967717824894662, 'the': 0.1125126004170764, 'to': 0.1022483733322138, 'of': 0.06910107624512053, 'was': 0.05826126734516044, 'be': 0.04751664749402422, 'is': 0.04176259527096356, 'a': 0.03282297763361507, 'not': 0.0313075322552903}, {'State': 0.033770528885617074, 'state': 0.024593389042986583, 'out': 0.023907829516899456, 'and': 0.023481016184905456, 'county': 0.016989001662707517, 'or': 0.015185106653480817, 'city': 0.014198843092955174, 'time': 0.012554490195153083, 'that': 0.01244416309568192}, {'A': 0.19270247664412413, 'J': 0.13597590585543418, 'M': 0.0952042129509545, 'C': 0.0899953994363311, 'W': 0.07763787649545238, 'S': 0.07256836763462081, 'H': 0.0682643479372478, 'L': 0.06711366581106999, 'E': 0.060807996592652215}, {'of': 0.09985867640377173, 'a': 0.08911497636638725, 'and': 0.08146037431213388, 'to': 0.06729576949636705, 'the': 0.06208321450914891, 'in': 0.052965903328027246, 'for': 0.03149131544497939, 'an': 0.020322448475848274, 'as': 0.01870709052777639}, {'the': 0.11019490970268679, 'and': 0.09509606873398178, 'of': 0.06415588221668075, 'was': 0.057590116870335786, 'be': 0.05061888595205116, 'a': 0.04061897872201912, 'is': 0.03480207823634965, 'to': 0.028193120251134438, 'are': 0.02628498712638562}, {'carry': 0.18098225799421191, 'through-': 0.16433880343623636, 'with-': 0.10367807475858372, 'carrying': 0.059295424892172356, 'pointed': 0.04770438717273184, 'and': 0.042444624711360034, 'sent': 0.03942942034082662, 'brought': 0.03520920088127737, 'carried': 0.0346892161817757}, {'act': 0.06747382186020802, 'State': 0.05087844292854048, 'day': 0.04990111774812704, 'one': 0.044077084386412, 'members': 0.04367159304640415, 'state': 0.04302280517957238, 'Act': 0.04068102442431637, 'out': 0.03975817478687258, 'part': 0.03891675850576393}, {'to': 0.2103331999161757, 'of': 0.2048837419201865, 'with': 0.11257880051053908, 'from': 0.05672181127237996, 'by': 0.04973026158135452, 'for': 0.04856573749295847, 'among': 0.03242948570389731, 'and': 0.02907829752258719, 'in': 0.02315182275953476}, {'which': 0.15206124542317362, 'that': 0.1100355880171323, 'it': 0.1025478154587857, 'he': 0.1020705233504232, 'It': 0.08755279653012696, 'and': 0.07517600253199144, 'who': 0.061644217817852884, 'This': 0.045613316865873305, 'He': 0.037732382281871375}, {'the': 0.1268565935032304, 'a': 0.1082379417047011, 'and': 0.09255956860245983, 'of': 0.061436368656365176, 'to': 0.04796492314243743, 'in': 0.03368914974070784, 'that': 0.027433275843806233, 'which': 0.023229869397216447, 'an': 0.02309491842155372}, {'of': 0.14661853394125876, 'and': 0.09527943746694106, 'to': 0.05998003072604261, 'by': 0.042991610047392576, '<s>': 0.02627831175118805, 'in': 0.02347005760628779, 'for': 0.021942855250362686, 'that': 0.017565682621613128, 'at': 0.01687724709264402}, {'instituted': 0.4512317059411188, 'able': 0.058919980820673803, 'is': 0.034051059797884003, 'him': 0.032275765213998144, 'time': 0.03166747959964856, 'and': 0.03111111331164481, 'unable': 0.030125526685834365, 'have': 0.02988153564789212, 'me': 0.029611481193255358}, {'was': 0.218040025074419, 'been': 0.13906714953237004, 'be': 0.13593902971000918, 'were': 0.08914925038210687, 'is': 0.08099697293246919, 'are': 0.05360122075616451, 'and': 0.0485588464443375, 'had': 0.04269413312874867, 'being': 0.03824606491150147}, {'the': 0.3825884166889211, 'a': 0.157377070320697, 'and': 0.09457646200156142, 'of': 0.0935733286299489, 'The': 0.07059858313148426, 'in': 0.034027744847537206, 'most': 0.02821017851711546, 'tho': 0.025570106222107137, 'by': 0.02108220334968141}, {'and': 0.10688458368917966, 'I': 0.06650355001439448, 'it': 0.05449230751216152, 'he': 0.05301738885399614, 'It': 0.0440276714504391, 'that': 0.03887429428856702, 'which': 0.029392175898229875, 'was': 0.029148359396012413, 'be': 0.029010916750811324}, {'in': 0.3519922417142492, 'of': 0.14395542971123906, 'In': 0.07982160621510105, 'and': 0.07405679099561062, 'to': 0.06300900603904087, 'for': 0.05722131646564559, 'on': 0.056272383954052325, 'that': 0.039921230702133166, 'at': 0.030560019091726197}, {'a': 0.3820666779228951, 'the': 0.29536793344898693, 'this': 0.06993111139063071, 'The': 0.054375510000406635, 'no': 0.03994888163008995, 'any': 0.028132140897829307, 'This': 0.02747140972290417, 'that': 0.02197819358732443, 'No': 0.020571471546368993}, {'and': 0.11613988374262153, 'of': 0.0865685115823675, 'put': 0.0846830208502516, 'as': 0.07868144393459027, 'make': 0.06811783316200337, 'that': 0.06550015782586713, 'for': 0.05420518290624488, 'to': 0.049726615896525016, 'with': 0.04515623462232801}, {'intoxicating': 0.3613600539139402, 'of': 0.14924596892841313, 'malt': 0.10662667420640504, 'spirituous': 0.06199545311043412, 'in': 0.04403073452640833, 'the': 0.03601453987430322, 'for': 0.031503455097725806, 'and': 0.025987364759251067, 'all': 0.016192551367398653}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'he': 0.20112242357899607, 'I': 0.14172095806732007, 'who': 0.1266294319040497, 'they': 0.09023821620371322, 'she': 0.0578768865863318, 'He': 0.051986205571329595, 'have': 0.04890980139142625, 'we': 0.041733648008909364, 'and': 0.04075328525114158}, {'day': 0.06956018760776962, 'number': 0.056226630880812194, 'line': 0.05322569942150683, 'side': 0.04818470702432247, 'part': 0.03750292408383526, 'state': 0.03204868558371863, 'out': 0.02607228817294964, 'corner': 0.02482381658494453, 'case': 0.019010621951120753}, {'of': 0.18824069607698524, 'to': 0.12620175909816211, 'in': 0.09492919288729987, 'by': 0.08026198865021836, 'and': 0.08010388563226094, 'as': 0.07795133026377973, 'at': 0.07055330269879885, 'with': 0.06658892417466411, 'for': 0.061781970427926824}, {'of': 0.3916381487003831, 'in': 0.0969735782026424, 'for': 0.09129955386132284, 'to': 0.08373348806793367, 'that': 0.07013888794309252, 'and': 0.06144601696432588, 'with': 0.04881250729853305, 'by': 0.03403868666341564, 'In': 0.03310073889181483}, {'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.0581856092204056, 'him': 0.03977916208554425, 'feet': 0.037647612324918325, 'time': 0.03511793228159636, 'as': 0.033781548301813305, 'them': 0.030960284275197016, 'up': 0.030478139886727987, 'right': 0.02563271682572968, 'is': 0.02541447067717825}, {'he': 0.18546490002751317, 'it': 0.17259015250705265, 'they': 0.10644791822542862, 'It': 0.09513622504823271, 'I': 0.06903397117325713, 'that': 0.043498813197528484, 'we': 0.04179756475278476, 'who': 0.04082597849464685, 'she': 0.03931821984835251}, {'at': 0.5285000221353283, 'At': 0.1319510822451508, 'about': 0.1085785089382718, 'About': 0.03983328180858023, 'of': 0.03070560076838777, 'and': 0.01567558166385017, 'feet': 0.01172107596912233, 'for': 0.010982081655880242, 'or': 0.010882058907558079}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.254766915733356, 'of': 0.08929825185227248, 'and': 0.06173262670074447, 'that': 0.05221721490030757, 'The': 0.04389088305407843, 'a': 0.036317544461762045, 'Mr.': 0.0348561244490311, 'or': 0.023164243990297175, 'no': 0.019942012255616374}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'of': 0.12113683804638029, 'to': 0.08410802661300239, 'the': 0.05612360486305208, 'and': 0.052982706987097526, 'was': 0.029839068344552758, 'at': 0.026089390761315116, 'by': 0.025230531122629282, 'on': 0.02432641864893899, 'a': 0.022695365348547936}, {'in': 0.02410508464870124, 'up': 0.016345544199971924, 'good': 0.016130095371025496, 'life': 0.014322775804908748, 'health': 0.013698465487205965, 'men': 0.013561934828467159, 'time': 0.01235551959499739, 'strength': 0.011385271808185079, 'city': 0.011175341137422861}, {'the': 0.4131128625452754, 'and': 0.10379675833711942, 'The': 0.07948335204438697, 'a': 0.05877899298411407, 'of': 0.05265003143325748, 'their': 0.029233438119473123, 'his': 0.029008687803534612, 'tho': 0.02601039759359812, 'all': 0.02130091916429339}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.32752021549820737, 'and': 0.1303049403548279, 'to': 0.12192073387405869, 'an': 0.06527491660357981, 'a': 0.06104448450629591, 'of': 0.05553328761153869, 'in': 0.0502270459941524, 'The': 0.03044801140545356, 'this': 0.02638046660823267}, {'and': 0.1235063868111396, 'succeeded': 0.04208792988748218, 'was': 0.04172407945462197, 'is': 0.040842891116601984, 'be': 0.03504522803536609, 'it': 0.03477482602751556, 'that': 0.034721568974184006, 'are': 0.02694480713697033, 'them': 0.025893200342744754}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'Mr.': 0.017122557703106327, 'wife': 0.008668756554910622, ';': 0.00839898309881259, '.': 0.007558064745111812, 'William': 0.006774772663269838, 'men': 0.00673159378998407, 'Robert': 0.00625839098949838, 'John': 0.005853947510558816, 'Smith': 0.005776259126508815}, {'and': 0.1319359218887599, 'at': 0.09927430208962831, 'the': 0.043975075080671826, 'of': 0.04232602200283571, 'about': 0.022712090317994753, 'than': 0.02265213289350563, '-': 0.02164679132581391, '.': 0.020598788267521557, 'for': 0.016940163417768835}, {'the': 0.11943610477923301, 'of': 0.09482329959542703, 'and': 0.0857553043001816, 'to': 0.06153485429695314, 'in': 0.031139642352879724, 'or': 0.023987206586513387, '<s>': 0.020521855685255618, 'by': 0.019294858415378296, 'for': 0.018418797645881068}, {'they': 0.16860856690282083, 'there': 0.08034714454395264, 'who': 0.06861931770159141, 'and': 0.061294125966629205, 'which': 0.048110681228333396, 'we': 0.04569472962970255, 'men': 0.04295901889535562, 'They': 0.04066609967593683, 'There': 0.035364727580220294}, {'of': 0.19561275841007006, 'to': 0.13890217941198915, 'and': 0.1237091772992422, 'in': 0.08639469622261638, 'with': 0.08056885438927865, 'for': 0.07192372302158395, 'all': 0.06328068185217528, 'is': 0.0501361967796927, 'by': 0.049808831349273094}, {'and': 0.11778357231283144, 'the': 0.10184825692558065, 'of': 0.08107278194817412, 'to': 0.06281802832097755, 'be': 0.042907547010953756, 'was': 0.04079895339062549, 'in': 0.036434770229006985, 'is': 0.030261622507787914, 'are': 0.024574126802673107}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'feet': 0.07159196004671438, 'entitled': 0.05299205998850037, 'up': 0.048679126501249614, 'amounting': 0.04696562595971877, 'went': 0.04622451531720402, 'and': 0.04594862022346945, 'him': 0.04269437172607143, 'as': 0.03453231191164639, 'them': 0.03208131621315771}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'<s>': 0.05794545874280846, 'that': 0.05306400312407476, 'and': 0.028184203499259767, 'it.': 0.02471128504724403, 'but': 0.01718476727807942, 'as': 0.01466768248435974, 'them.': 0.014175614589163154, 'country.': 0.011615270763633563, 'of': 0.011235173260174407}, {'<s>': 0.15035496852695895, '.': 0.037370994513563335, 'it.': 0.023427862097468853, 'him.': 0.02081341307697139, 'them.': 0.013818545049040428, 'Mrs.': 0.01197015170097079, 'time.': 0.011208097994744348, 'city.': 0.011188043410893253, 'Mr.': 0.010475500003737448}, {'of': 0.3159471549250776, 'to': 0.10674991980972401, 'in': 0.10174413057892942, 'for': 0.0757537735388571, 'and': 0.07286347193467123, 'that': 0.0578656125871475, 'on': 0.05674668723827225, 'all': 0.04629221122625829, 'by': 0.04209396977048465}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.5250624975019811, 'a': 0.07449694013049768, 'his': 0.049386528582559625, 'of': 0.0431601880132512, 'and': 0.03789641919438094, 'The': 0.03522598461081264, 'their': 0.03141402332315432, 'my': 0.029115572626339913, 'tho': 0.027251297997787013}, {'and': 0.1299890250236961, 'to': 0.12243858096922274, 'that': 0.10827609544749635, 'will': 0.10541540978645347, 'would': 0.09319890422697209, 'which': 0.07628596856945942, 'when': 0.04887483237141215, 'but': 0.046983358155383556, 'should': 0.03921699809744679}, {'a': 0.49155207052293237, 'the': 0.3087998118763008, 'The': 0.033623045286909285, 'his': 0.02348410606165675, 'of': 0.018685108283229477, 'tho': 0.016904339506475317, 'and': 0.01485213523439285, 'no': 0.014550769784548577, 'any': 0.012984287933593169}, {'the': 0.7344245175071913, 'The': 0.06546247542936687, 'a': 0.05516133516998204, 'tho': 0.03332286100412133, 'of': 0.019094055639240378, 'and': 0.01690678415893013, 'tbe': 0.009172487171674555, 'in': 0.006010151149801475, 'vitiated': 0.005483243386223034}, {'of': 0.09514308277035644, 'to': 0.05934158207452931, '.': 0.049154665500916184, 'in': 0.04914920615698834, 'and': 0.03745522638981386, 'the': 0.0341248416474233, 'by': 0.028910421560840355, 'Mrs.': 0.023273261937862427, '<s>': 0.017003825349690638}, {'of': 0.20430211816885835, 'the': 0.1719081701408308, 'in': 0.07224727083307358, 'to': 0.045807212820252484, 'a': 0.03698100490958771, 'and': 0.02541302489104889, 'on': 0.02465281506058216, 'at': 0.02037412002119967, 'from': 0.017967551509850882}, {'and': 0.21106264113503256, 'that': 0.062382699396052836, 'and,': 0.02917473483707027, 'that,': 0.02525784187069303, 'but': 0.02314876520937027, 'And': 0.015727656090336804, 'time,': 0.011975952780629691, 'them,': 0.011578283835182177, 'which,': 0.010209022665999507}, {'the': 0.20553055176967788, 'and': 0.06751154145011716, 'of': 0.052824076281668214, 'be': 0.04488203330664687, 'to': 0.034761486918240395, 'was': 0.03386605575478826, 'in': 0.02793814342086147, 'is': 0.02668093762196269, 'on': 0.023496911185904884}, {'the': 0.47637840760909794, 'this': 0.12802033348040082, 'a': 0.09554830969011804, 'The': 0.07541602705171967, 'that': 0.05564592540523138, 'tho': 0.032410794694660176, 'no': 0.02662729109485513, 'present': 0.02095853140999418, 'any': 0.016045320565384612}, {'and': 0.1072720659306369, 'to': 0.0773095201141519, 'of': 0.04845120453085691, 'not': 0.03284289075642584, 'the': 0.030212672083921737, 'as': 0.027335002137079914, 'for': 0.023027196709460334, 'is': 0.02188626170835398, 'was': 0.01926820733636482}, {'to': 0.5404704057054034, 'will': 0.10541001488393012, 'would': 0.05719576760247411, 'you': 0.03519463801130984, 'not': 0.03509153597253359, 'they': 0.03391745553332315, 'and': 0.030712850991870943, 'we': 0.025321156693608186, 'should': 0.021997703924492178}, {'new': 0.015957198332480375, 'made': 0.014084951072671019, ';': 0.013842617244766745, 'large': 0.013438552137080667, 'principal': 0.0129950218025086, 'time': 0.012759825069633558, 'city': 0.012003143911199549, 'land': 0.01186282318569497, 'law': 0.011272551224847608}, {';': 0.02233064637501378, 'it,': 0.018749082152003636, 'here': 0.014054947500137435, 'him,': 0.01376941704856064, 'them,': 0.010965308347617836, 'him': 0.00934980446579382, 'up': 0.009346363139294846, 'time,': 0.008972603410488025, 'in': 0.00793939900852547}, {'is': 0.20069842424731824, 'be': 0.14869717673009586, 'was': 0.10125074931372133, 'are': 0.08501352575641032, 'and': 0.07316503729985856, 'from': 0.07099396799879369, 'of': 0.05271594139965005, 'not': 0.04278584747742377, 'it': 0.03716256471907584}, {'of': 0.23012949511886413, 'to': 0.13086666347716108, 'in': 0.08893185475781486, 'and': 0.07851037993261652, 'with': 0.07601861719815793, 'that': 0.0631000580554615, 'for': 0.04993863510215499, 'by': 0.04818705336958643, 'on': 0.03492591925807486}, {'and': 0.09693259999209206, 'together': 0.0429602556112867, 'it': 0.03804201930779083, 'him': 0.03498531727365965, 'dealt': 0.02912948245367924, 'them': 0.027308526888306445, 'do': 0.027151885425537935, 'complied': 0.025261207984637126, 'charged': 0.022628758940849057}, {'a': 0.17348123441454352, 'the': 0.13189708687524013, 'of': 0.11264849480900395, 'in': 0.059097216174245064, 'and': 0.05704635115429114, 'to': 0.04605132318431166, 'an': 0.036183637735933895, 'for': 0.02018587670875898, 'his': 0.01773705204984571}, {'to': 0.7033544796276258, 'will': 0.05617897280675041, 'and': 0.05147113481003484, 'would': 0.024086869315806926, 'can': 0.022963471711159422, 'could': 0.021421217919706317, 'shall': 0.019745228097240254, 'not': 0.01737580105247446, 'may': 0.01646180352096974}, {'of': 0.24637529364456812, 'and': 0.12316549503507562, 'know': 0.08221381756385926, 'with': 0.05289424351916869, 'see': 0.05118269983376126, 'to': 0.04684875763471942, 'is': 0.044255864539881395, 'but': 0.04188857082071064, 'as': 0.03607146302380591}, {'of': 0.24560750935693312, 'in': 0.14693110254263372, 'to': 0.12594815178164187, 'and': 0.07517686397069524, 'with': 0.06940922818083269, 'on': 0.0677993512451798, 'that': 0.047261586418658116, 'from': 0.045226399949868004, 'for': 0.045104976212494395}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'at': 0.07461502548155398, 'and': 0.056672064260036646, 'No.': 0.048060926002903445, 'the': 0.024558249109694404, 'an': 0.02383214972782685, 'of': 0.023776804313233934, 'that': 0.019729927845188407, 'No': 0.019165111366787294, '<s>': 0.019164874243632123}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.20701941921522032, 'of': 0.11467910767531668, 'and': 0.06156584699315139, 'to': 0.050969821248581064, 'in': 0.039351412308776826, 'a': 0.02935973551748164, 'be': 0.026606203977922724, 'for': 0.02572956948072218, 'was': 0.025459803975955396}, {'at': 0.19819378657924477, 'of': 0.17879530268226965, 'in': 0.1468492004794303, 'to': 0.08046607454001911, 'on': 0.06433526092123662, 'for': 0.06424552815699042, 'and': 0.05729030636114831, 'that': 0.039893638526204436, 'from': 0.037871262343371875}, {'and': 0.09969727126371644, '<s>': 0.04441863026677425, 'in': 0.038662564715101766, 'to': 0.03518772703022214, 'New': 0.032075877356312274, 'I': 0.023555937931221013, 'Mr.': 0.023330066826559723, 'by': 0.0230720760521983, 'of': 0.021018095185029898}, {'a': 0.2866477454393745, 'very': 0.1227705563662397, 'is': 0.10911594660937536, 'the': 0.10172727622970403, 'too': 0.0778936213144269, 'but': 0.05456750574985964, 'so': 0.050532486037953905, 'was': 0.05005433936787855, 'are': 0.038861700932017594}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.15634386819368595, 'was': 0.07442048053220901, 'arrived': 0.06858947275523479, 'is': 0.06625071650627222, 'appear': 0.039878991423232674, 'are': 0.03655512128582681, 'up': 0.03621087440331697, 'came': 0.03416136790191167, 'made': 0.03099934357230959}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.1953887257666742, 'of': 0.0959835940323327, 'and': 0.08595429539847045, 'in': 0.037981251808392895, 'a': 0.037907238165542825, 'to': 0.03281472042323264, 'his': 0.027088809180895214, 'be': 0.02304087840939529, 'their': 0.02255087100053743}, {'and': 0.0629400275623327, 'less,': 0.04459990228763704, 'and,': 0.0319862439160318, 'you,': 0.022185717532227926, 'them': 0.018917177049590117, 'as': 0.017795037782486978, ';': 0.017141792973646264, 'are': 0.015250791475503227, 'made': 0.014457867996784042}, {'the': 0.33104329006308825, 'a': 0.17858591230423243, 'of': 0.16594248034951603, 'no': 0.059478424431585, 'with': 0.05489610608325143, 'and': 0.04841287448980711, 'The': 0.0392614422553755, 'that': 0.032770956745069475, 'any': 0.026732251665310607}, {'of': 0.11654054387845089, 'the': 0.10726395244087004, 'and': 0.0945624347799696, 'to': 0.06016999153188201, 'a': 0.03428289019840708, 'in': 0.028800641548272873, 'by': 0.022663394482200106, '.': 0.02064093453750427, 'for': 0.01903744737329021}, {';': 0.019143321749688774, 'and': 0.014891333263777813, '<s>': 0.006847449401335376, '.': 0.005366309706927668, 'him,': 0.005245772836928549, ',': 0.004976227243807249, 'them,': 0.004837391437121208, 'it,': 0.004522279255627171, '1': 0.004052262442869726}, {'they': 0.15950076897412616, 'there': 0.06559986728696533, 'and': 0.060166833186025254, 'who': 0.05674934711250563, 'we': 0.044632261863838334, 'which': 0.044201187976166775, 'They': 0.035295914647178746, 'There': 0.0305925825622932, 'that': 0.029694253920493217}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'that': 0.301810662514681, 'and': 0.19681127172528073, 'but': 0.06524754349671377, 'which': 0.04188775903911612, 'where': 0.04174159003228078, 'if': 0.0395127805922487, 'as': 0.03308043670615705, 'But': 0.03015130368299191, 'If': 0.030082574343077137}, {'be': 0.27741746741938483, 'and': 0.10653778710783358, 'was': 0.09033553070934794, 'is': 0.08772616813364402, 'he': 0.06896266930401644, 'are': 0.06210937829797262, 'were': 0.04088326949164902, 'been': 0.03519216977170689, 'have': 0.023356917644612635}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.4805503626295485, 'a': 0.0756210011729671, 'The': 0.06175513507908726, 'tho': 0.03472940109836901, 'great': 0.03354567609983378, 'large': 0.03341215369272893, 'and': 0.03221556910372504, 'good': 0.02189454653752818, 'by': 0.019249890561589513}, {'of': 0.41799077597359685, 'from': 0.0713645456224891, 'in': 0.06712587785598088, 'to': 0.057645519164887346, 'at': 0.05755286474715562, 'for': 0.04876360836299327, 'and': 0.03815031178768152, 'the': 0.025576749710722192, 'In': 0.0253018186757286}, {'and': 0.10731788629268749, 'week': 0.07327313374436631, 'one': 0.03574562785328669, 'up': 0.03091783145668826, 'work': 0.02512462144829827, 'time': 0.02485892304934128, 'was': 0.021883510670945874, 'room': 0.020037334075816374, 'it': 0.01988819245991091}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'he': 0.1567544532543673, 'who': 0.1113964501232211, 'which': 0.0990784154274578, 'they': 0.08224332976568315, 'it': 0.07610300502660913, 'that': 0.0648251738952421, 'I': 0.052608625393135565, 'there': 0.04462407111357327, 'she': 0.04310565680315067}, {'the': 0.40124524255686383, 'his': 0.08817105067939178, 'a': 0.07980986870720522, 'this': 0.057221805409491136, 'her': 0.05034159888103904, 'healthy': 0.04966412693813057, 'good': 0.044788484790937604, 'and': 0.04108272723463912, 'their': 0.040536206318991096}, {'was': 0.12367611929794181, 'and': 0.10543275457300151, 'be': 0.10521495700956549, 'been': 0.10256531157695603, 'are': 0.08430866191169155, 'is': 0.06752918732588153, 'the': 0.06589248412905523, 'were': 0.053877532585349025, 'of': 0.052559733256392085}, {'a': 0.12602701855098755, 'young': 0.08507713229949504, 'better': 0.06767927325315488, 'of': 0.05478014184570102, 'the': 0.04216957017947779, 'other': 0.03181371549409909, 'white': 0.03135757625228287, 'any': 0.025859795001222725, 'in': 0.02281348405596054}, {';': 0.024379724960111395, 'it,': 0.017024692674573776, 'him': 0.012459220105936265, 'in': 0.012396132417767164, 'them,': 0.011735935193871288, 'it': 0.011735359822621546, 'him,': 0.011557214922833023, 'and': 0.011192796529882653, 'me': 0.00900160521906325}, {'and': 0.13484347384004414, 'of': 0.1275408412411712, 'was': 0.09781565957591354, 'is': 0.062302363130883526, 'are': 0.050187804452944726, 'were': 0.04535519846383692, 'for': 0.037466711238168034, 'in': 0.036767496865612155, 'one': 0.03076377750565927}, {'J.': 0.06741608103001613, 'Mrs.': 0.06442648461862072, 'John': 0.062375194100059074, 'and': 0.05811543685321609, 'W.': 0.0537316200242683, '.': 0.05258555342081056, 'A.': 0.04518053948532242, 'of': 0.03969334471127058, 'Mr.': 0.03544396077375765}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.10875907706412513, 'to': 0.08614113119108828, 'of': 0.07815244228866491, 'the': 0.06935437916375181, 'in': 0.032041021560842875, 'be-': 0.031649775157493794, 'that': 0.024856014150232, 'was': 0.023202494258437373, 'for': 0.021293688566843005}, {'and': 0.13039651980434747, 'has': 0.10792836949540849, 'be': 0.09195520148600327, 'have': 0.08959233867775394, 'he': 0.08437994484353757, 'had': 0.0679284234261787, 'was': 0.05217054932140943, 'I': 0.048109307190336376, 'is': 0.038308351104233106}, {'and': 0.16824300632407252, 'made': 0.04899440676359545, 'but': 0.039797783745889506, 'or': 0.0376104502801995, 'them': 0.029702870073792735, 'is': 0.02719211626259498, 'that': 0.02671079480321818, 'be': 0.02615220784908931, 'well': 0.021335236273413462}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.36208723544013394, 'in': 0.10272869088655105, 'to': 0.09783584897832642, 'and': 0.08390102707410375, 'that': 0.07587606674917605, 'by': 0.04813472620416574, 'for': 0.04537988394371926, 'In': 0.04443617758821143, 'from': 0.02971497892311584}, {'the': 0.11745573271123773, 'and': 0.08882647927487718, 'of': 0.0476146384429258, 'in': 0.027851941054362197, 'was': 0.027826823664446502, 'to': 0.024276117810513444, 'for': 0.021557761087470057, 'that': 0.021052528976852024, 'is': 0.020893248015357194}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'and': 0.056533924684035494, 'thence': 0.03885429630480524, 'compared': 0.03823201642931389, 'filled': 0.03610831187679135, 'covered': 0.0357758676241094, 'connected': 0.02938979275642085, 'together': 0.027473130058864238, 'charged': 0.02223052030830179, 'met': 0.019092140321581966}, {'a': 0.3017107692934459, 'the': 0.10397886985534034, 'that': 0.10155129137046175, 'per': 0.09197583245012314, 'every': 0.08276174876428086, 'one': 0.07009740614469917, 'this': 0.06780915687656332, 'said': 0.03637519388267403, 'to': 0.02251788232569103}, {'be': 0.10763572200333338, 'and': 0.10599259973625907, 'have': 0.10321608019836896, 'was': 0.08441464834129815, 'had': 0.07383179225053821, 'not': 0.06627105827724493, 'has': 0.06624777754310086, 'to': 0.05490642518265725, 'he': 0.05373879030574475}, {'<s>': 0.1175986406178216, '.': 0.019160577301334122, 'it.': 0.01802690025460132, 'them.': 0.013500797500402818, 'day.': 0.009799849753234564, 'time.': 0.00830584005514364, 'him.': 0.007374281533847509, 'year.': 0.006802891656408288, 'city.': 0.006589065563473964}, {'and': 0.16126586058740638, 'the': 0.1260967028737021, 'of': 0.11733980712925432, 'in': 0.06207740069827854, 'to': 0.053961929712929936, 'for': 0.04424513311638126, '<s>': 0.037198880510780324, 'The': 0.02464902353744937, 'by': 0.02263289385468363}, {'about': 0.15008287738865975, 'and': 0.131658123281452, 'of': 0.1250188614842017, 'or': 0.10684546557788081, 'than': 0.101497356575665, 'for': 0.07311651320053117, 'twenty': 0.06300844091709402, 'at': 0.05240271265691044, 'to': 0.05176726898837979}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'has': 0.12278247999215484, 'was': 0.12112224630207964, 'have': 0.1099037095618824, 'and': 0.09724052306624513, 'had': 0.09298083181686183, 'he': 0.0668021439912411, 'were': 0.0500870708508845, 'been': 0.04622100430477995, 'be': 0.04620262766581398}, {'of': 0.1311808649419357, 'and': 0.11173215820971574, 'the': 0.0716920103345987, 'to': 0.04937158665052619, 'in': 0.029185280445484317, 'with': 0.025019790116186363, 'for': 0.024493073765005296, 'was': 0.0228895988747386, 'a': 0.021783728818924823}, {'of': 0.3706512471086826, 'at': 0.13716476854852466, 'in': 0.10100076816780812, 'to': 0.09044916364578333, 'and': 0.0580302987857777, 'for': 0.050356770505037916, 'by': 0.03225081818497991, 'In': 0.028409994387084976, 'with': 0.02704474103044161}, {'and': 0.09072328593467356, 'that': 0.04141062296335972, 'when': 0.03662671956786342, 'at': 0.035839108073835425, 'I': 0.033795799599808204, 'which': 0.03153962638475503, 'the': 0.03028055346301012, '<s>': 0.027235260066535594, 'of': 0.0245539279193715}, {'the': 0.2181793076407424, 'Mr.': 0.07857785193258426, 'of': 0.07295098089280648, 'The': 0.0637307994810779, 'and': 0.05885440013072087, 'that': 0.046435186239938524, 'a': 0.02853125724501091, 'his': 0.01870642531244085, 'Mrs.': 0.016344916628177258}, {'and': 0.13402525809331264, 'was': 0.1338408255060218, 'is': 0.12081349075673163, 'have': 0.05637827932318125, 'be': 0.056140276174342085, 'not': 0.056116307692365766, 'are': 0.04644172026442246, 'had': 0.045775657124473894, 'been': 0.04157885113848036}, {'a.': 0.045685393901883004, 'p.': 0.04353654591311932, 'p': 0.033566799965891174, 'of': 0.02911720418560434, 'and': 0.026936428393197816, 'the': 0.026753055915775474, 'a': 0.02394327569070486, 'in': 0.02233056154914847, '.': 0.0160911417246471}, {'much': 0.19896839209542763, 'part': 0.161595882217642, 'copy': 0.09370523591189801, 'plat': 0.08806048353080803, 'payment': 0.03530168251973676, 'portion': 0.03523409217676137, 'survey': 0.028877660873998904, 'holder': 0.02492120158963613, 'notice': 0.02106584202118911}, {'and': 0.08283950957032064, 'them': 0.04491921108276182, 'was': 0.04176110846762235, 'are': 0.036112976607744096, 'look': 0.03490954761154098, 'it': 0.026814310348287695, 'is': 0.026265323548067952, 'or': 0.02572008778860294, 'him': 0.02538343412431146}, {';': 0.01845459281236933, 'city': 0.015219363402334492, 'Mr.': 0.010102292536948812, 'State': 0.007650186755383528, 'Mayor': 0.007417187753469347, 'in': 0.007323832670975077, 'men': 0.00602204813885129, 'Mr': 0.005951735310940653, 'mortgage,': 0.005836424282046179}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'city': 0.02389657286911494, 'right': 0.018121959448450763, 'men': 0.014291876295573295, 'in': 0.0118232220537069, 'North': 0.011482738726355624, 'wife': 0.01136049777556305, 'friends': 0.011287941267530745, 'time': 0.010594305806498205, 'north': 0.010414659514671068}, {'of': 0.22425507623189292, 'about': 0.1342024791219033, 'and': 0.12098654748351376, 'or': 0.08953467062046862, 'for': 0.07939565939789121, 'at': 0.06369329941644318, 'to': 0.061540831797192046, 'a': 0.041180659238242524, 'than': 0.04095426572617779}, {'and': 0.17420145617437222, 'to': 0.09608578468215359, 'of': 0.043415344134103764, 'which': 0.04264088382555472, 're-': 0.035759792206605384, 'that': 0.034231542375981715, 'for': 0.02958503627677633, 'or': 0.028934059094415, 'not': 0.027637299291026162}, {'at': 0.24867036507194196, 'of': 0.16419567631597712, 'to': 0.16003373108524774, 'in': 0.11203153208235221, 'and': 0.07109232434276576, 'from': 0.04556055292898107, 'with': 0.04369851987878876, 'for': 0.028563451718129868, 'by': 0.02591308341864684}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'a': 0.39834584896385394, 'the': 0.22562749087891731, 'of': 0.07671649538476842, 'and': 0.05428744992262373, 'with': 0.04579046313492304, 'The': 0.040500196497649764, 'very': 0.031227583774504093, 'so': 0.02531850752053222, 'by': 0.022000509169968856}, {'would': 0.17779945024720675, 'to': 0.13384596995467807, 'who': 0.09657872772678129, 'they': 0.0801186691780261, 'I': 0.07157673832643867, 'which': 0.06175441121608197, 'must': 0.053300013979569974, 'might': 0.04794046605735594, 'shall': 0.04304524252072327}, {'he': 0.16194493258590845, 'it': 0.09697131198328313, 'and': 0.09492577048065567, 'which': 0.0826569100634033, 'who': 0.07078752138862822, 'It': 0.05942678177211088, 'He': 0.03940530909376039, 'that': 0.03593186669019621, 'they': 0.03217769385748998}, {'is': 0.1839704133034569, 'well': 0.15306186826377607, 'be': 0.10515441374440873, 'was': 0.06475776869260531, 'not': 0.05960758065749064, 'been': 0.05129816452013809, 'are': 0.046476190768453815, 'and': 0.046118066122859055, 'have': 0.035548853522240444}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'I': 0.15881015731089998, 'who': 0.09744925710245081, 'and': 0.09343330798824617, 'we': 0.08671761612676843, 'he': 0.08670446830033336, 'it': 0.07274294069814073, 'they': 0.056996847835118145, 'which': 0.045464639108600664, 'you': 0.031859425672486105}, {'of': 0.2726494021091595, 'on': 0.09057108719690231, 'and': 0.07544801734110149, 'to': 0.054045052170602924, 'from': 0.04922783541894259, 'in': 0.04471112100561672, 'for': 0.04277841632434084, 'by': 0.03861846019414819, 'at': 0.038602265361550245}, {'and': 0.09115258990595544, 'is': 0.07306260728468601, 'able': 0.0643618569438777, 'not': 0.06073955589470993, 'have': 0.04913560143112221, 'order': 0.04746850960559908, 'enough': 0.04621958055222794, 'had': 0.04196649834177399, 'was': 0.04154567305738613}, {'in': 0.1745932204735324, 'of': 0.15156073080061974, 'to': 0.09822978091941795, 'for': 0.07476497044001913, 'with': 0.060906926033567656, 'from': 0.059319501276139996, 'by': 0.05436898506559619, 'at': 0.04069269881055261, 'In': 0.039763258217630965}, {'pow-': 0.04681249253559269, 'nev-': 0.04005763140333322, 'oth-': 0.03722189934125405, 'moth-': 0.02034311794751807, 'oth\xad': 0.018612048101838176, 'anoth-': 0.018500799461216064, 'pow': 0.015076690161813296, 'wheth-': 0.010717569837379324, 'prop-': 0.009871073732694467}, {'and': 0.09293896346633591, 'as': 0.027653771786249896, 'the': 0.017438638985887843, 'him.': 0.016067983703386322, '<s>': 0.014673581146889665, 'it.': 0.013923765527507528, 'that': 0.013180850672113406, 'them.': 0.009808235746176593, '.': 0.007728239100050597}, {'to': 0.2567508561863995, 'of': 0.14865035390173056, 'as': 0.09005993752054559, 'with': 0.08663627422200776, 'for': 0.05414747186860765, 'upon': 0.05146473890666149, 'tells': 0.03334929753884629, 'and': 0.030904608116802474, 'from': 0.02338433100484028}, {'the': 0.21249402584498076, 'in': 0.157769025576657, 'of': 0.08158309284346642, 'a': 0.08126393473122549, 'In': 0.042262204914912095, 'and': 0.03567018972906614, 'that': 0.02718033753547154, 'an': 0.024742656878129772, 'for': 0.02473924032921542}, {'be': 0.1215889613282248, 'was': 0.10849484663366235, 'and': 0.10570764380085165, 'the': 0.07928641233875622, 'had': 0.0739662674850035, 'has': 0.06841436518162086, 'to': 0.06652263784600886, 'he': 0.06650602856211872, 'have': 0.06550564228525216}, {'the': 0.456129955605577, 'of': 0.05132598723889873, 'State': 0.02799848236263285, 'at': 0.025712584235264877, 'tho': 0.021815535570852727, 'Lake': 0.01896305456179117, 'National': 0.016418540092285206, 'tbe': 0.01515235067219592, 'The': 0.013671613759442518}, {'her.': 0.046453865004699585, '<s>': 0.03962425569525186, 'it.': 0.024521905157884986, 'him.': 0.01777866845089618, 'them.': 0.014951084613417058, 'life.': 0.010841660261181276, 'years.': 0.010648929695551765, 'time.': 0.009874988030825501, 'day.': 0.008384719648325873}, {'was': 0.1693918943681354, 'is': 0.1326449772027511, 'and': 0.07090435746489156, 'are': 0.051204501370553226, 'of': 0.045840048314003526, 'be': 0.04409264937986532, 'were': 0.040586203053030484, 'as': 0.03380154409919437, 'much': 0.029349284985998366}, {'I': 0.18555029944015486, 'we': 0.14396660464439537, 'they': 0.10608069921096873, 'We': 0.08240133963530778, 'will': 0.07284130144103719, 'would': 0.07159453743599965, 'who': 0.0683010536634077, 'to': 0.06683479999824092, 'you': 0.051960797843675126}, {'the': 0.7424709670127136, 'at': 0.09084074606641006, 'The': 0.061547354729237766, 'tho': 0.024857382635319277, 'At': 0.022056160940223005, 'a': 0.011733286315163212, 'tbe': 0.010377490292705429, 'his': 0.009864512151730388, 'its': 0.004197710367088906}, {'the': 0.14923412580842832, 'and': 0.09855621917216947, 'of': 0.09004658770209496, 'to': 0.05562405806492098, 'a': 0.055568691605149045, 'is': 0.044577355538436954, 'was': 0.04114382128617439, 'be': 0.03724812134986021, 'are': 0.03023796558019246}, {'of': 0.18180367465344502, 'the': 0.13259681791344513, 'and': 0.10887475111185503, 'in': 0.10317186764267425, 'his': 0.06477031395169927, 'a': 0.04646420045277308, 'to': 0.03805989702770999, 'that': 0.03585636410237144, 'this': 0.03536617637691535}, {'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.17300684483622983, 'it': 0.1345693866288048, 'they': 0.0954115800356196, 'I': 0.08369146741089951, 'that': 0.07265867150081488, 'It': 0.07188499003145371, 'we': 0.043905158735551834, 'which': 0.0438082035781544, 'and': 0.04296329128655291}, {'the': 0.38965010989325766, 'of': 0.1564467596758093, 'a': 0.1288814773779079, 'in': 0.03542187361271058, 'The': 0.03531298062421818, 'our': 0.03511528017763631, 'and': 0.03171613772974411, 'to': 0.022754514600153646, 'for': 0.021171560428281243}, {'of': 0.5535625858876365, 'to': 0.11005409428628413, 'by': 0.04848117314030358, 'that': 0.047942952082662575, 'in': 0.04407619029446001, 'for': 0.03871893161567629, 'and': 0.02876182055635446, 'with': 0.028540723874872782, 'at': 0.02067247523964665}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.6220827936337544, 'and': 0.08116576972270653, 'will': 0.07380361040277438, 'not': 0.04397567285376231, 'would': 0.04059236736808536, 'To': 0.029076523148081852, 'can': 0.02110324260262975, 'I': 0.017231086313524088, 'who': 0.01567963813620144}, {'city': 0.04177833356826781, 'part': 0.03570301845532755, 'State': 0.03251469628214206, 'state': 0.03043998312043857, 'Board': 0.030425661565414503, 'day': 0.029985396271233672, 'side': 0.028092497348663682, 'line': 0.027952087810993176, 'out': 0.02214986883240466}, {'the': 0.3583095089548627, 'The': 0.1867410570811931, 'a': 0.07130414905416967, 'his': 0.023589683052394568, 'that': 0.02041174208789726, 'of': 0.020227166360794052, 'A': 0.017887964785289916, 'tho': 0.016859630468725687, 'said': 0.016710594157153372}, {'the': 0.2460228117335212, 'court': 0.08711657035154902, 'a': 0.053457476762131764, 'dwelling': 0.044279338810784, 'of': 0.023025123567954803, 'boarding': 0.018852193586796833, 'tho': 0.018566736418003566, 'school': 0.017185160863731373, 'opera': 0.01566575334669223}, {'and': 0.09824294404207995, 'as': 0.0684326318858142, 'is': 0.06666760121730825, 'time': 0.05894745262104633, 'enough': 0.05046474010878584, 'able': 0.043673991436491394, 'them': 0.04298868748177821, 'him': 0.04094673119806762, 'necessary': 0.03847804665092027}, {'he': 0.21431298489476153, 'I': 0.17212601861755136, 'they': 0.08172374931283942, 'and': 0.07558435757209181, 'He': 0.07291919912653039, 'it': 0.06563128990316824, 'she': 0.0646798980096256, 'there': 0.047295334512803495, 'who': 0.04272053595140222}, {'the': 0.32416147291283903, 'a': 0.31424727617635145, 'Republican': 0.06197284008467746, 'Democratic': 0.056846067558561184, 'The': 0.0349669096525239, 'A': 0.025002793641692483, 'democratic': 0.022436141180674784, 'tho': 0.021590983657560535, 'one': 0.017094897143832683}, {'the': 0.6432405985276294, 'of': 0.07943779121025556, 'in': 0.04509576443215166, 'tho': 0.027649131009193428, 'for': 0.025279101127621804, 'his': 0.018296751773934906, 'to': 0.01753912773273203, 'and': 0.01584940707539706, 'a': 0.012980533388182535}, {'it': 0.19229538980854727, 'It': 0.11844185535362714, 'he': 0.11439916225120107, 'I': 0.10554354207651111, 'and': 0.06637072942472744, 'there': 0.04355552388141364, 'which': 0.04173295125505809, 'He': 0.039843895485888244, 'she': 0.036522908015843854}, {'the': 0.15995610492909795, 'of': 0.08975731831414183, 'and': 0.08723535373393551, 'to': 0.048504837779401296, 'a': 0.04295842003084686, 'in': 0.027153276459219434, 'be': 0.0194709434073374, 'his': 0.01797141192421674, 'or': 0.017280069120522885}, {'of': 0.3279448811585349, 'in': 0.14309439974252852, 'to': 0.09126718820217919, 'with': 0.07492439003796428, 'from': 0.06451721870585173, 'for': 0.0632724213435853, 'at': 0.04033853987561729, 'by': 0.03461720872064164, 'and': 0.033928618575694694}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.5894471039798008, 'The': 0.12763488993981204, 'tho': 0.03803583135016175, 'of': 0.03427816519379679, 'and': 0.03340320077240212, 'that': 0.02160036646123574, 'stock': 0.019433128846265666, 'this': 0.017274205142061842, 'a': 0.016353595091741585}, {'in': 0.27819667260308556, 'of': 0.19857171477727253, 'the': 0.18744845851032957, 'In': 0.06130547100504577, 'and': 0.0434365631239856, 'by': 0.039553448054512316, 'his': 0.02975344136595023, 'an': 0.028974628111256766, 'all': 0.02445953371838003}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'of': 0.36449403097103744, 'to': 0.10966178131991083, 'in': 0.08563675679186535, 'by': 0.05991650314156083, 'and': 0.05853932560755611, 'that': 0.05828497633873507, 'on': 0.05433567858514903, 'with': 0.050926074698387454, 'from': 0.036330334247640816}, {'of': 0.2745172190921506, 'in': 0.13411627116151684, 'to': 0.1065383100643794, 'and': 0.07825966908124601, 'that': 0.06026700199363012, 'In': 0.05465129264284412, 'all': 0.0483103155703357, 'with': 0.04421238848861177, 'by': 0.036501398658460305}, {'recorded': 0.5239558529710838, 'corded': 0.042770345754519025, '<s>': 0.0415708473934945, 'and': 0.015179921297592604, 'Monday': 0.011309572046344514, 'situated': 0.009407660280552043, 'filed': 0.008164487001887483, 'held': 0.007281603887572043, 'in': 0.007197062111770449}, {'the': 0.20977319956521356, 'of': 0.15151113860687615, 'and': 0.08086199269197787, 'to': 0.048799049122752465, 'a': 0.04737051261776457, 'with': 0.0376618398373189, 'in': 0.035935936099831825, 'by': 0.028144948439364374, 'on': 0.023394403384650764}, {'a': 0.2099305029828483, 'the': 0.14328664221937112, 'is': 0.11758320391510896, 'no': 0.09040384528065132, 'much': 0.09013171466351426, 'or': 0.07226899487329906, 'are': 0.06525418935050267, 'and': 0.0649845407740111, 'of': 0.05064047273647964}, {'of': 0.2552474442091557, 'in': 0.1387234726046318, 'the': 0.10852585319756984, 'to': 0.05789544395631824, 'for': 0.04263952752334403, 'a': 0.03357662977280543, 'on': 0.032153875769516456, 'and': 0.031105754656014055, 'In': 0.024318920555750308}, {'the': 0.10391787032130133, 'of': 0.0863002704628479, 'and': 0.07337609323007796, 'to': 0.06299151032679512, 'at': 0.04622019258439076, 'a': 0.042994541755930794, 'in': 0.037651855299108, '.': 0.03752787472067016, 'by': 0.02198396363625575}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'a': 0.15751556937200897, 'and': 0.09988388137374833, 'the': 0.09064339554146852, 'under-': 0.08015273043246897, 'was': 0.07864048395926343, 'his': 0.04163780573873295, 'one': 0.038763083228265986, 'of': 0.03716561172443587, 'by': 0.034844207853175546}, {'the': 0.2064116924736922, 'and': 0.11313399934584466, 'of': 0.09866374946654954, 'The': 0.06458832580027597, 'that': 0.02473070935975453, 'these': 0.018229194570184497, 'a': 0.0162142823376505, 'or': 0.0158396488594701, 'to': 0.014511239269900876}, {'of': 0.30584137593593586, 'between': 0.10124007580038795, 'in': 0.0903194645828998, 'and': 0.08629018485418977, 'for': 0.08257568796906664, 'to': 0.08083944468850422, 'that': 0.05174735601888669, 'on': 0.043821259159741256, 'by': 0.043528715476842124}, {'of': 0.2690371363866166, 'to': 0.13677120676266663, 'in': 0.1316399695530462, 'for': 0.08436198076474714, 'on': 0.06951002907762335, 'at': 0.053946608175728716, 'and': 0.0481948155120651, 'from': 0.04547986522745449, 'with': 0.03552854539576765}, {'and': 0.15620880174112245, 'to': 0.1205161461056186, 'the': 0.1081129463373422, 'of': 0.09561232239897038, 'in': 0.03141208478994791, 'a': 0.027864064854751996, 'be': 0.024056131842529742, 'or': 0.022364893720736266, 'is': 0.01831728467297695}, {'is': 0.22579492183362243, 'was': 0.14800506730970742, 'are': 0.10883273382951117, 'ought': 0.10186325134150917, 'and': 0.052722687503968454, 'were': 0.046298425083212594, 'do': 0.04320987343812688, 'it': 0.03848110165346647, 'Is': 0.03614076980821765}, {'the': 0.33718309213520176, 'Court': 0.30962572582404413, 'White': 0.06358605746774477, 'The': 0.03946079137022132, 'Custom': 0.02149678952811221, 'Opera': 0.020098126362058454, 'tho': 0.012648823547218382, 'this': 0.011574172865730687, 'States': 0.01075476866006463}, {'the': 0.13044299370999493, 'of': 0.11237091937420714, 'Mr.': 0.0667095177426309, 'and': 0.06226055572918821, 'that': 0.03624382018318717, 'The': 0.03459404171657864, 'in': 0.025111417291356963, 'for': 0.022361186220713203, 'as': 0.021798408858557244}, {';': 0.05059798924240301, 'nothing': 0.0231629909264729, 'and': 0.01907793531127437, 'it,': 0.019018268086350116, 'him,': 0.013910958261481211, 'is': 0.012808880905094295, 'time,': 0.01188210669893671, 'them,': 0.0114007862453567, ',': 0.008509305335871938}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.23966376250606403, 'and': 0.12617463748716654, 'be': 0.10101218256315996, 'to': 0.08960859574133453, 'an': 0.06522945235557781, 'a': 0.04317776028690247, 'of': 0.04239453975572676, 'was': 0.03955989691371318, 'is': 0.03121190218369383}, {'of': 0.44352575116215087, 'in': 0.11508463450103773, 'to': 0.08035102015531026, 'for': 0.053693162946861855, 'by': 0.05300852764688631, 'the': 0.03638940539829261, 'on': 0.03339855722474147, 'In': 0.028904953504636538, 'from': 0.02073257482494089}, {'he': 0.20579119519427383, 'I': 0.10174166636337358, 'who': 0.09236848090191783, 'they': 0.06659442803500999, 'she': 0.053802499109497325, 'and': 0.04925007459150555, 'which': 0.04344125763005336, 'He': 0.036050314094599537, 'that': 0.0355618969913316}, {'of': 0.3511086088436878, 'in': 0.06983512763738697, 'and': 0.06959703795351883, 'to': 0.03199076068693924, 'the': 0.02983722798720544, 'from': 0.028078456287323788, 'by': 0.02701553900484528, 'Mr.': 0.02179477934379952, 'In': 0.017060697405405216}, {'deg.': 0.09501059755970381, 'of': 0.04587755146717473, '.': 0.04316371841652032, 'to': 0.03672725960427362, 'deg': 0.029183997621490626, 'Mr.': 0.025967165363822813, 'degrees': 0.022802913450583693, 'min.': 0.020442862170120802, 'and': 0.020319286866442396}, {'there': 0.23727794089744586, 'There': 0.15802050970889892, 'they': 0.1221521131998819, 'who': 0.055441107479422054, 'and': 0.04748982298434326, 'which': 0.04714561950860284, 'They': 0.037681483194160426, 'that': 0.031498598005169076, 'we': 0.029474674614142313}, {'and': 0.09373567240246293, 'depend': 0.03836338004663328, 'based': 0.03824772294080833, 'placed': 0.037658878880170873, 'depends': 0.03741630306694303, 'called': 0.03668431560508889, 'down': 0.03262298769122071, 'made': 0.03233144866418736, 'effect': 0.02839860992487969}, {'and': 0.05933900757805234, 'known': 0.04330742101639065, 'men': 0.037477073558537334, 'out': 0.030135891399971915, 'land': 0.028157119963981916, 'him': 0.02791927517169224, 'them': 0.02609017372016588, 'people': 0.019046555940119038, 'friends': 0.018904193100444503}, {'of': 0.2897160866795769, 'to': 0.1137664573247316, 'in': 0.08216853823553705, 'and': 0.07424824230730917, 'on': 0.06270319302246648, 'with': 0.059487638414458525, 'by': 0.05577332762741977, 'that': 0.05164879314169589, 'from': 0.050586755341537004}, {'and': 0.16243493786178972, 'had': 0.12791389743214815, 'have': 0.11838803395993161, 'he': 0.116477019755235, 'has': 0.11430451360389392, 'be': 0.06776145341376379, 'I': 0.06231259060863146, 'was': 0.036430252710255566, 'which': 0.03523118690116687}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'and': 0.2227285314823807, 'he': 0.10522037176033923, 'I': 0.08653721968140135, 'have': 0.07956854076096323, 'be': 0.05772476826422282, 'the': 0.051818759943638035, 'had': 0.05018019218809329, 'was': 0.049015486114265865, 'not': 0.046202376559972655}, {'of': 0.3518849215849695, 'to': 0.11948590988727352, 'in': 0.09258556301347606, 'and': 0.06894166209645969, 'that': 0.057366679659395396, 'with': 0.04550276740985144, 'for': 0.03978982391146771, 'from': 0.03915151138459846, 'by': 0.03487804191959656}, {'men': 0.028055295496848057, 'time': 0.01521152894402388, 'up': 0.014127091140587402, 'hundred': 0.013119144084901566, 'in': 0.010661019325407143, 'out': 0.009462043661441738, 'and': 0.009376338764865206, 'principal': 0.008870433498803525, 'made': 0.008574448223345873}, {'they': 0.16850343981079205, 'who': 0.07863120761171204, 'we': 0.05921806653681257, 'which': 0.05811064346971677, 'and': 0.04823370656054124, 'They': 0.0459896286500747, 'men': 0.036907897445715, 'I': 0.027461444972168885, 'We': 0.022247012079598484}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'up': 0.05914473176923764, 'and': 0.051042658960973576, 'went': 0.04160610361381827, 'go': 0.035130557398488804, 'as': 0.03480896442540939, 'them': 0.030798481454936126, 'came': 0.030275892603008267, 'back': 0.029953860055653293, 'down': 0.02609625798667383}, {'the': 0.4076542937404362, 'The': 0.08584462997717494, 'of': 0.07817137238310601, 'this': 0.06714790667115052, 'other': 0.06670726866434681, 'in': 0.046185196425259686, 'his': 0.04287758772642556, 'these': 0.04283804389007841, 'and': 0.03333764571904854}, {'the': 0.8365533163031131, 'tho': 0.05251729937277467, 'The': 0.03715877407579518, 'tbe': 0.017298245791048588, 'of': 0.01337393722429305, 'and': 0.005481244850822009, 'a': 0.004357935527013682, 'by': 0.0034491705049595053, 'that': 0.0034272213475001474}, {'and': 0.10791242487164249, 'that': 0.0589813924180767, 'was': 0.033790870463470755, 'be': 0.03111182868331175, 'as': 0.030108102239593395, 'placed': 0.028178397563895365, 'it': 0.02784185948202814, 'is': 0.02555460872679033, 'them': 0.025517599012950497}, {'to': 0.24566526121479595, 'who': 0.09801753417629908, 'would': 0.08059375570177547, 'they': 0.07549288914641511, 'we': 0.07086248634436701, 'I': 0.06933266610631812, 'will': 0.05763926073689651, 'you': 0.05652215170787977, 'and': 0.04790397580271456}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'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.23374870520320506, 'and': 0.13376763081320872, 'in': 0.051829551838955316, 'all': 0.04924601864628305, 'of': 0.04857755018475936, 'was': 0.04150302573964582, 'not': 0.037746855569073486, 'I': 0.037591363567452546, 'be': 0.030215664815521025}, {'the': 0.23317123307546808, 'a': 0.16481215381303704, 'of': 0.147683472286703, 'this': 0.11131854198195647, 'his': 0.07534194921586156, 'in': 0.06103390143411574, 'to': 0.057249608515775104, 'that': 0.03188288836363601, 'last': 0.03177172258198615}, {'the': 0.1722693708187301, 'of': 0.09955354082958989, 'and': 0.08738348799664396, 'to': 0.04491318822984764, 'a': 0.039346630771171655, 'in': 0.03338125987649676, 'Mr.': 0.02530667955301587, 'that': 0.020856504372029155, 'this': 0.018560860828943707}, {'and': 0.09026385355395694, 'is': 0.07067054444368583, 'began': 0.06385043507276113, 'able': 0.05218937931367114, 'him': 0.04558446035178311, 'go': 0.045093038714925045, 'as': 0.04432379841099546, 'was': 0.04082880732650173, 'ready': 0.04056657328127473}, {'of': 0.07405736696739813, '<s>': 0.040124485684667886, 'to': 0.029174720976513777, 'him.': 0.018974372824168712, 'it.': 0.017316486412812616, 'that': 0.015567041741190151, 'and': 0.015345998437451682, 'in': 0.015230931656248684, 'years.': 0.01312104747541202}, {'A.': 0.42926951519468354, 'J.': 0.07140643133030804, '.': 0.06192768017270819, 'John': 0.05155772698431708, 'W.': 0.043907889283201995, 'C.': 0.025422924775641714, 'Washington,': 0.023400760228347677, 'E.': 0.020660789832932836, 'H.': 0.02065107713886074}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'the': 0.13630954315360586, 'of': 0.10056601477930324, 'and': 0.09546633948541106, 'a': 0.06272971362343747, 'to': 0.05400081509483761, 'at': 0.03489865911617035, 'in': 0.025995580175713143, 'on': 0.024402388702118902, 'was': 0.01774212448472977}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'the': 0.2853261084095995, 'a': 0.07907344714402982, 'of': 0.0720458200697329, 'and': 0.05899901627502147, 'in': 0.03223493271142916, 'two': 0.025323117332468607, 'or': 0.022568383738545465, 'The': 0.021061368047301778, 'tho': 0.01704070285910381}, {'New': 0.17517793242903096, 'of': 0.13351116437945765, 'the': 0.12483532175108103, 'in': 0.07823834475939616, 'and': 0.05069249067811416, 'a': 0.04807579273398176, 'his': 0.03013468304457008, 'dis-': 0.025090331879765837, 'to': 0.02315406531692477}, {'and': 0.08414791845881955, 'as': 0.07158022380812193, 'way': 0.02920239705296657, 'time': 0.020510937419829067, 'is': 0.018911353750463607, 'said': 0.01850387209657177, 'referred': 0.017972114978583482, 'subject': 0.017184426161448704, 'him': 0.016532666710165192}, {'the': 0.18803941644709826, 'of': 0.11522818722431373, 'and': 0.08648341734776388, 'Mr.': 0.0474969010395837, 'a': 0.04095083319531486, 'to': 0.03040999167925858, 'The': 0.026234978086882004, '.': 0.0227308480603788, 'by': 0.020074567106117238}, {'at': 0.25297055607807534, 'to': 0.07439731465581718, 'No.': 0.07256262365774283, 'of': 0.07005547822406966, 'and': 0.06239805986507728, 'a': 0.02374698699729901, 'from': 0.02201882316571043, '.': 0.02012052465338431, 'by': 0.016770020078883792}, {'of': 0.1958094935327224, 'in': 0.09518842875688256, 'to': 0.03458523524214721, 'for': 0.03312622391635445, 'and': 0.032863426794947234, 'from': 0.03231379988862465, 'upon': 0.024956850772668362, 'that': 0.02450783294181715, 'on': 0.024204146238064567}, {'has': 0.43944167935197687, 'had': 0.18934285924202998, 'have': 0.17062518423603273, 'lias': 0.030882217810442956, 'and': 0.023391317557675533, 'having': 0.01892650123293613, 'he': 0.01627237240892605, 'which': 0.014220712096639226, 'who': 0.013740702297130116}, {'as': 0.3174413546727074, 'and': 0.06950626713754848, 'is': 0.034608241400977346, 'seems': 0.03179497507645814, 'not': 0.031684617740686406, 'seemed': 0.029774984554056715, 'it': 0.027680128289045553, 'come': 0.024454324848534548, 'referred': 0.022863618027416235}, {'<s>': 0.08575211561823504, 'it.': 0.03196044063690819, 'them.': 0.02157281414743718, 'him.': 0.01804823265648558, 'us.': 0.013969662392860488, 'day.': 0.013139332108894133, 'time.': 0.009163629456956797, 'way.': 0.008606594638366587, 'and': 0.00844989758495387}, {'the': 0.4322272297431032, 'The': 0.13443742230837463, 'few': 0.08571742947145085, 'these': 0.06360246707236487, 'no': 0.04296352479639165, 'a': 0.04134371167780399, 'two': 0.03644593376301318, 'other': 0.03135087966293747, 'of': 0.03106552558810008}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.21849399975788447, 'of': 0.09385241941827789, 'a': 0.06477421514221453, 'and': 0.06361928951606266, 'to': 0.056035597678811194, 'that': 0.03508248869492683, 'for': 0.02874405328245229, 'by': 0.0285401264443369, 'at': 0.02577304083612672}, {'and': 0.11736792520358612, 'that': 0.04786308738484356, 'made': 0.037441265433318154, 'is': 0.03492261740729612, 'was': 0.034646122418110326, 'placed': 0.02810210111465904, 'as': 0.02546551106103744, 'be': 0.025160666769283038, 'or': 0.024769337014637474}, {'of': 0.38001065185190674, 'to': 0.15784873960020349, 'in': 0.07761684902243879, 'by': 0.06084967634837748, 'that': 0.056127997697834144, 'and': 0.056122486364382704, 'In': 0.031828410241463746, 'from': 0.030921709721317546, 'for': 0.02990658697853309}, {'was': 0.13700754817484492, 'not': 0.11008267148345109, 'and': 0.09770248753267667, 'is': 0.09690419910836999, 'to': 0.06146609968268099, 'are': 0.05640545072961237, 'be': 0.05486609826224324, 'were': 0.05097827827849992, 'been': 0.0405817609277707}, {'of': 0.1984867316530309, 'in': 0.14023240337975218, 'at': 0.11681616344775818, 'to': 0.10697676490943532, 'and': 0.07009469965345708, 'on': 0.06558153888682264, 'In': 0.05474827399899147, 'At': 0.05355215516118213, 'with': 0.04240920538809952}, {'of': 0.3542837095463831, 'in': 0.31259657762942317, 'to': 0.08466047130191169, 'In': 0.05346353357198495, 'for': 0.03622179580711496, 'by': 0.033718896755336174, 'from': 0.029810996926312627, 'that': 0.026070752040246076, 'and': 0.022813883044100307}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'with': 0.1656499497242186, 'of': 0.1565441926824912, 'the': 0.15262779849495042, 'and': 0.1468973971664367, 'an': 0.09136228895172938, 'their': 0.04472577732146921, 'no': 0.044406929445182694, 'any': 0.036499751386084356, 'as': 0.030707323062311612}, {'<s>': 0.039527059431008836, 'manner': 0.03293644588471236, 'and': 0.023030867281597363, 'that': 0.021751177462794046, 'land': 0.010013564495561572, 'way': 0.008803444993172573, 'money': 0.008720818318724422, 'it': 0.008186879166142016, 'work': 0.007910940958842616}, {'the': 0.7459487497200441, 'and': 0.05007284465282176, 'The': 0.03485832924285773, 'tho': 0.02923767751102623, 'a': 0.023252180594406164, 'permanent': 0.01850995535417116, 'of': 0.015975481690980484, 'or': 0.014174773714481568, 'in': 0.01347412185407371}, {'they': 0.1334528550631994, 'I': 0.11457077272126834, 'he': 0.08793636190877095, 'who': 0.06281967367321789, 'and': 0.055890633298754155, 'we': 0.05366449969880052, 'They': 0.04511594614407408, 'there': 0.03289353459213868, 'men': 0.029469635384432143}, {'have': 0.27252487158048067, 'had': 0.19609086330219025, 'be': 0.10955939082723648, 'has': 0.09695345335656615, 'was': 0.06713923423245813, 'he': 0.06360152555368026, 'I': 0.0496972669641587, 'been': 0.0453709861721141, 'and': 0.04016818910320259}, {'the': 0.1887107840767439, 'a': 0.13900842960828272, 'of': 0.07912230588485726, 'and': 0.06922713802145784, 'to': 0.06245411502089426, 'in': 0.043682946045829854, 'his': 0.025459554642283885, 'with': 0.017041844028472142, 'an': 0.01670926521558553}, {'to': 0.29719421165234977, 'the': 0.1231590525858908, 'and': 0.06691417715862631, 'not': 0.052189242850740544, 'this': 0.03876829558269707, 'in': 0.0299532529448667, 'of': 0.028639512324703714, 'will': 0.02796961692630512, 'may': 0.027502246415320397}, {'<s>': 0.08931723085774675, 'it.': 0.02180245345898809, 'them.': 0.01794892234555544, 'us.': 0.015032453532725467, 'day.': 0.010550370084506395, 'him.': 0.008976824164926085, 'years.': 0.008362182128268333, 'country.': 0.008077199552490344, 'and': 0.007943720897873575}, {'lots': 0.2424182111539495, 'from': 0.07696212143151712, 'at': 0.06152172757308139, 'Lots': 0.060077636125175915, 'No.': 0.05808341332413399, 'and': 0.043752968748384365, 'an': 0.028111902656886237, 'of': 0.025949631618596456, 'the': 0.02462183722499629}, {'the': 0.13188090654910395, 'of': 0.10920041043513276, 'in': 0.09609324316734581, 'and': 0.057692153247501286, 'to': 0.03727451879642016, 'for': 0.035977672920686765, 'In': 0.02246763417642635, 'a': 0.01903037446432509, 'by': 0.017076482611718076}, {'and': 0.10663715201234004, 'was': 0.08160737130450038, 'is': 0.05634472644343943, 'be': 0.03994031891463511, 'been': 0.03720901717608118, 'made': 0.029170008049780847, 'are': 0.02889994838247563, 'that': 0.028312474665383613, 'not': 0.028171368875423347}, {'the': 0.5139051089046871, 'of': 0.13116859233275535, 'and': 0.06344251908005404, 'The': 0.045298583196714384, 'tho': 0.03901583581364308, 'no': 0.02500100837691791, 'their': 0.020363668779331198, 'a': 0.019568800021382914, 'by': 0.019557364072682357}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.22152908922107623, 'and': 0.11775619864276324, 'to': 0.101830056062043, 'a': 0.08885427599978785, 'of': 0.08315011955978555, 'be': 0.050465238931425675, 'his': 0.037415073774885066, 'was': 0.0357382763774651, 'The': 0.03284724276897837}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.11345994357759204, 'laid': 0.053239888561902406, 'put': 0.04881068157275836, 'sat': 0.043531366390425805, 'went': 0.04336296092928522, 'came': 0.04066443310729301, 'it': 0.038941673912054095, 'lay': 0.03575141443162965, 'come': 0.0323580034293192}, {'the': 0.38021944391771667, 'of': 0.1819735340581842, 'and': 0.1150967941862076, 'in': 0.041255969441708965, 'The': 0.03683260272268339, 'with': 0.0257531384243584, 'tho': 0.024062017752345257, 'by': 0.018463251647622827, 'as': 0.018087302267981258}, {'and': 0.07282625305412747, 'him': 0.06040710800824207, 'is': 0.057211553883929234, 'not': 0.0479731711624862, 'was': 0.047017270977308886, 'them': 0.04204817571075617, 'have': 0.04199208350909684, 'had': 0.040325150324281134, 'as': 0.038907771527798105}, {'and': 0.11465560030159004, 'of': 0.09775747959011742, 'for': 0.037538953574557166, 'on': 0.03576513552518749, 'in': 0.032360708628304626, 'to': 0.028848006660701694, 'that': 0.0238170155371893, 'from': 0.01753611465233938, 'by': 0.016417066036200054}, {'and': 0.09327556324817145, 'as': 0.09149598332306824, 'time': 0.05390194348264094, 'necessary': 0.05296603592631363, 'enough': 0.05295211991616531, 'is': 0.04880913075917576, 'order': 0.04856712627984122, 'able': 0.04814967790330731, 'them': 0.03827127654538403}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.11405792625658503, 'It': 0.09129956918727236, 'it': 0.06820853390955496, 'that': 0.046578726457466864, 'which': 0.04062021509145444, 'he': 0.023467355161382777, 'is': 0.021262278443979404, '<s>': 0.01882279908717429, 'but': 0.012950743756068346}, {'be': 0.2222074925293329, 'was': 0.18521559343778504, 'is': 0.09990292008953117, 'been': 0.0851593642867445, 'and': 0.07742027844034821, 'are': 0.0763472806697122, 'were': 0.07494919676168428, 'he': 0.05581553011361071, 'being': 0.025651306554147484}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'the': 0.7221089702519179, 'a': 0.07391976868513218, 'The': 0.0312159216156579, 'tho': 0.02308960115750489, 'any': 0.015064302306402755, 'this': 0.014715323840205918, 'tbe': 0.010218961242338804, 'first': 0.008771746541145353, 'high': 0.008170094556549453}, {'he': 0.17128577064117187, 'it': 0.09394240655354452, 'and': 0.08989645636530412, 'who': 0.07264366487808324, 'which': 0.06403276620864601, 'It': 0.05724509708166482, 'He': 0.05223237357702858, 'that': 0.050715334090786456, 'she': 0.03850133314276738}, {'and': 0.07858900320008572, 'has': 0.06970183019195078, 'of': 0.05731004335236673, 'which': 0.056901388447290195, 'the': 0.05572247515543047, 'have': 0.051651327562695894, 'had': 0.04261465344850526, 'to': 0.04223012089931277, 'as': 0.03667019145877364}, {'and': 0.24205920099215314, 'of': 0.22051640268255884, 'the': 0.10753391662865462, 'to': 0.05429947113808931, 'in': 0.03808134576055422, 'for': 0.034064360639735364, 'that': 0.029502710746738596, 'by': 0.026264120722726388, 'with': 0.026196536107292268}, {'the': 0.22441986970854216, 'of': 0.1539649655859667, 'in': 0.0882574177160012, 'and': 0.05558274993032434, 'to': 0.03258669949399166, 'a': 0.029201670760762025, 'that': 0.0265072689721161, 'In': 0.02628865994839333, 'for': 0.023867737084484433}, {'the': 0.10369298029815642, 'of': 0.07114622843923851, 'and': 0.06576641836570835, 'a': 0.058191162567655066, 'to': 0.04955311845454538, 'in': 0.03531069427591492, 'by': 0.03094469515903691, 'at': 0.026153013445973938, 'for': 0.026079158128800888}, {'hereby': 0.1615064284225248, 'be': 0.1566427518132893, 'was': 0.1417528886909206, 'and': 0.10551502785402582, 'is': 0.08369282857302805, 'been': 0.07486527848056274, 'duly': 0.054377766842163555, 'as': 0.043924403377148744, 'were': 0.04279404666298616}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'the': 0.49094330473738723, 'of': 0.078563900039443, 'this': 0.07159756516275861, 'any': 0.06328892508896262, 'a': 0.04775246702379787, 'and': 0.04069882706089489, 'said': 0.027481907764128635, 'County,': 0.023492206070829504, 'tho': 0.020426317151354834}, {'day': 0.08103154073209053, 'out': 0.07123079188373965, 'side': 0.03386072874745715, 'number': 0.0333237219920939, 'means': 0.030362411557486424, 'point': 0.024187580886623962, 'one': 0.019417733861301592, 'place': 0.019209407899299962, 'purpose': 0.018545535869381152}, {'the': 0.27093615292342216, 'of': 0.1393531807452695, 'a': 0.09842418643346361, 'this': 0.057544054482838676, 'in': 0.050556296676082496, 'his': 0.040126731610107186, 'on': 0.034465570947645394, 'by': 0.030024143385055914, 'and': 0.024360361122934642}, {'and': 0.17820719147019515, 'said': 0.10008608341045885, 'fact': 0.06463111504483349, 'stated': 0.052492415715762214, 'so': 0.04472464841362103, 'him': 0.03832311204077511, 'know': 0.03688219118396675, 'say': 0.02879367941366483, 'is': 0.028411351280419075}, {'the': 0.3940274799389961, 'an': 0.11237506886107028, 'years': 0.1017507622622041, 'of': 0.1001887989281416, 'his': 0.04535300653621834, 'good': 0.03661106976779426, 'their': 0.028998195317967008, 'very': 0.02533655234150545, 'tho': 0.02406780105249405}, {'of': 0.1157360312985803, 'and': 0.08421460848500377, 'to': 0.06950114575198639, 'that': 0.06933075214491272, 'by': 0.061132434459267256, '<s>': 0.03768760189054452, 'as': 0.02913548455532674, 'with': 0.0282839827775065, 'which': 0.020218199869306595}, {'be': 0.19837397734669796, 'was': 0.19332705535905054, 'been': 0.128607633019512, 'is': 0.07349528236667124, 'were': 0.07295922889563712, 'and': 0.061156946771258436, 'Action': 0.056895786256212055, 'are': 0.049190682316400614, 'being': 0.03507153777962458}, {'and': 0.07046137380165444, 'according': 0.06283076567225808, 'as': 0.05488361795396938, 'up': 0.05361011555704562, 'went': 0.052953183599784195, 'go': 0.04560952831203144, 'down': 0.0450689954618286, 'subject': 0.036099435663736516, 'back': 0.03428036400115299}, {'and': 0.20408708565682784, 'about': 0.18213221647293287, 'or': 0.13230344840075206, 'than': 0.06680833217931172, 'of': 0.06617887856387941, 'least': 0.05554170568785097, 'west': 0.04280752120649005, 'hundred': 0.04097330334337385, 'east': 0.035916925364690135}, {'it': 0.16522085534476724, 'he': 0.12495779574025125, 'It': 0.1040369420986637, 'I': 0.07450356358596853, 'which': 0.062233043463681234, 'and': 0.04789728143436889, 'He': 0.03916039275094733, 'who': 0.03398234767575711, 'that': 0.029558883127002177}, {'the': 0.1587375480149859, 'of': 0.08254551462499617, 'and': 0.08085930804487639, 'a': 0.06729257711216322, 'to': 0.061384945294075344, 'be': 0.030563864346128792, 'was': 0.0243997806807823, 'or': 0.020098682714989803, 'is': 0.017668635246422947}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.19272005410204518, 'a': 0.09319003551902093, 'of': 0.08040567472690702, 'and': 0.05801437510396326, 'in': 0.03826549834165832, 'Mr.': 0.03626320245792275, 'to': 0.03503373675807001, 'The': 0.032002502553488583, 'his': 0.02053607216972321}, {'the': 0.19377930224198678, 'of': 0.1227103394142328, 'and': 0.06317960498849305, 'a': 0.05449987323341728, 'to': 0.04686757847615531, 'be': 0.03595265549488131, 'was': 0.028198327847878707, 'his': 0.02689656227791767, 'in': 0.024045730399836842}, {'be': 0.09648056104817172, 'and': 0.0876873341561143, 'never': 0.06703368388246979, 'he': 0.0639488860876705, 'have': 0.06320204569799809, 'I': 0.05510226105645981, 'was': 0.05349330504639798, 'is': 0.052718212410269485, 'they': 0.04431235766736502}, {'is': 0.20785191137581185, 'and': 0.13569603772594568, 'was': 0.13189350134847666, 'have': 0.06799480060790389, 'had': 0.06128491737759744, 'that': 0.05087457294976497, 'do': 0.04782131475340522, 'say': 0.04110411557020544, 'Is': 0.0403761026698293}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'<s>': 0.026938377941576844, 'it.': 0.023344070067022077, 'him.': 0.014614226242805181, 'them.': 0.014430828726238137, 'time.': 0.0071289796095988, 'day.': 0.006422836837123506, '.': 0.006195740916789447, 'again.': 0.0057449927811168994, 'all.': 0.005422329904572651}, {'the': 0.15519991469773375, 'of': 0.09489324340052527, 'and': 0.07579348868972202, 'a': 0.046271730375958504, 'was': 0.03207211748068438, 'Mr.': 0.0245102963758463, 'to': 0.02438103101424986, 'that': 0.023707360151540416, 'The': 0.023613574544904897}, {'<s>': 0.08107959048393931, 'and': 0.07884229023757539, 'of': 0.03959142940597105, 'to': 0.038992933316150336, 'for': 0.02382053890623536, 'them.': 0.019830969891566363, 'it.': 0.016615601323350927, 'in': 0.01645103921475128, 'the': 0.015562916255931739}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.27589946342841004, 'in': 0.1418377497628106, 'to': 0.11166273730838429, 'for': 0.08185972349587022, 'and': 0.07657765850438998, 'on': 0.05578872215999416, 'with': 0.05502943052333975, 'that': 0.05387216047012683, 'by': 0.05201618123490793}, {'be': 0.18577061190495175, 'have': 0.1326545157602128, 'and': 0.1262501190263724, 'was': 0.0913008869159955, 'had': 0.0645661319204591, 'been': 0.0594920296179927, 'he': 0.05948453488941894, 'has': 0.05795664058664587, 'were': 0.04584428005273506}, {'W': 0.10776235319171491, 'M': 0.08872761950457017, 'J': 0.08726887506452609, 'C': 0.08063004997041978, 'S': 0.0748991823490514, 'E': 0.07406155644726299, 'A': 0.07018206293707215, 'H': 0.06803407779447025, 'B': 0.06392180699507438}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.26090844815432945, 'of': 0.25885847732101114, 'and': 0.12344635851217443, 'a': 0.036812844967843476, 'in': 0.03368140916626084, 'for': 0.02508096674373629, 'The': 0.02134046817489289, 'with': 0.01924416821269579, 'to': 0.017496091803810437}, {'is': 0.23567929352788908, 'be': 0.19209503895569807, 'was': 0.12101136262612833, 'are': 0.08832425146774521, 'amount': 0.0849630081507276, 'Is': 0.03564973564231306, 'now': 0.035335885735503586, 'been': 0.034705296150779795, 'were': 0.029632373922684575}, {'a': 0.6081786161961868, 'the': 0.12022256603180122, 'in': 0.04859207038233241, 'his': 0.04454142284461027, 'and': 0.03574545721567361, 'very': 0.03087527090516635, 'of': 0.028198445652957392, 'most': 0.024778884608531834, 'its': 0.01404630305742671}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'for': 0.197044728212193, 'about': 0.131594606968487, 'of': 0.12630817123398003, 'than': 0.1092656655111223, 'past': 0.09551196098671844, 'or': 0.07759706865794563, 'and': 0.07447389881136751, 'the': 0.05897934415157909, 'last': 0.051030038409634236}, {'be': 0.22464922459475078, 'was': 0.21245342569960848, 'is': 0.10621311071845557, 'were': 0.05838461636365555, 'been': 0.05354482595222262, 'he': 0.05218516760678092, 'and': 0.047199027008128315, 'are': 0.044150971474359424, 'being': 0.03101716072478126}, {'and': 0.18857409212808662, 'have': 0.14447428607973575, 'had': 0.10649819668232327, 'I': 0.10012655281637704, 'has': 0.06696762913648872, 'he': 0.05995924244399063, 'they': 0.04459546440392804, 'never': 0.043312647390046664, 'it': 0.04249772637374586}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'he': 0.18546490002751317, 'it': 0.17259015250705265, 'they': 0.10644791822542862, 'It': 0.09513622504823271, 'I': 0.06903397117325713, 'that': 0.043498813197528484, 'we': 0.04179756475278476, 'who': 0.04082597849464685, 'she': 0.03931821984835251}, {'the': 0.35168593353780453, 'of': 0.11706633271537249, 'and': 0.09492330923131452, 'a': 0.08459613791178158, 'for': 0.057920711398916795, 'The': 0.051126334208946876, 'their': 0.030833118939793996, 'to': 0.029215447124705737, 'by': 0.026325431504708355}, {'the': 0.33111058991198583, 'The': 0.12381909816219167, 'Mr.': 0.046804115484254005, 'and': 0.038373583406178906, 'Daily': 0.033204598889857155, 'his': 0.024692675006341883, 'Newport': 0.024029199291944404, 'of': 0.022408846435997106, 'said': 0.022364198392734794}, {'the': 0.39297619414465745, 'a': 0.07881348983559774, 'and': 0.049436440467481337, 'tho': 0.033801661233867325, 'of': 0.024778870268991827, 'The': 0.023732353595098864, 'tbe': 0.019592118838551525, 'in': 0.017379268900890404, 'or': 0.017149570770997016}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'of': 0.19172409863521397, 'the': 0.11099596089888732, 'a': 0.10837356868038617, 'and': 0.07685083510529238, 'to': 0.07010650094485764, 'for': 0.05410560673990701, 'in': 0.04415472078932823, 'with': 0.03096965230406734, 'or': 0.026253260704344444}, {'to': 0.4773610058005653, 'had': 0.09843959089312321, 'will': 0.09770726278692142, 'have': 0.050587718111119555, 'not': 0.044966095322419776, 'has': 0.04422274626629871, 'and': 0.041529291021932535, 'would': 0.033939453458734746, 'I': 0.02434398152896364}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'the': 0.1475298975128999, 'of': 0.12351026219523466, 'and': 0.0824929673457363, 'to': 0.05809167093422855, 'be': 0.0580047768128786, 'a': 0.04893223273186739, 'in': 0.03159304633418245, 'was': 0.028070733334894016, 'is': 0.026300615110545017}, {'of': 0.3742396781092232, 'in': 0.1513124074152171, 'to': 0.08691149081566683, 'In': 0.046538079803949375, 'that': 0.0421041724875495, 'for': 0.04126099744243328, 'by': 0.03757320140410645, 'and': 0.036357523426467746, 'on': 0.035285038951852005}, {'the': 0.1313150087942925, 'and': 0.11064320094027581, 'to': 0.0773325056932271, 'of': 0.07642695059299066, 'a': 0.0682092239852838, 'in': 0.058617555830706006, 'was': 0.046270059412466646, 'be': 0.03800011884168857, 'his': 0.030026348800899362}, {'p.': 0.21483316474168496, 'a.': 0.14503937063588523, 'of': 0.03432469895006227, 'p': 0.028226822899300008, '.': 0.02401378512549042, 'at': 0.019028373244524627, 'by': 0.018055375209137282, 'the': 0.014431342052115433, 'said': 0.012274354232510542}, {'of': 0.35402014070684873, 'the': 0.2518468218681503, 'and': 0.05717282411640174, 'for': 0.036660334878752844, 'The': 0.03403299248235342, 'such': 0.0307374799272047, 'other': 0.03013158124410116, 'a': 0.024100356042049794, 'all': 0.02246710031324398}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.17675276420209218, 'a': 0.1294466642444924, 'of': 0.1285787001023106, 'and': 0.10706993446002683, 'to': 0.09913389782494252, 'no': 0.050374332658125485, 'in': 0.04603828268646004, 'at': 0.04459339075005014, 'not': 0.04101901134567288}, {'of': 0.3969995449040183, 'in': 0.09937208354907792, 'for': 0.08622260070151753, 'and': 0.06409130176461951, 'that': 0.06324406116053706, 'to': 0.061971017078102354, 'with': 0.05447479696394049, 'all': 0.05217885909185594, 'from': 0.04057516935365617}, {'to': 0.7373378867682802, 'will': 0.06484068695484686, 'and': 0.04312335250620851, 'not': 0.03853599072940382, 'would': 0.030750060541894553, 'can': 0.012980996498524947, 'could': 0.009131568771874102, 'To': 0.008705675481484834, 'of': 0.006464543912211967}, {'thence': 0.3187596445801571, 'and': 0.05026897645384456, 'east': 0.04756294384086043, 'two': 0.04317145015182923, 'feet': 0.04173426849474156, 'north': 0.04037792436829335, 'west': 0.0394837341791804, 'all': 0.03252404445440617, 'south': 0.029841918293502946}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {';': 0.04138702796989482, 'is': 0.0276174642829074, 'nothing': 0.023638572739964368, 'are': 0.01492922109055395, 'to': 0.01391106582542714, 'and': 0.013331525055970043, 'was': 0.010359159209608832, 'cannot': 0.010355647280313974, 'it,': 0.010120718647428986}, {'the': 0.3821707543385058, 'in': 0.0642515310946341, 'of': 0.053524819309989514, 'and': 0.04737033665528621, 'his': 0.036615284022886885, 'an': 0.03251048285535441, 'a': 0.029307888244675742, 'The': 0.029237921271560774, 'tho': 0.025503256749162755}, {'no': 0.22513648979880901, 'a': 0.16065558146395828, 'and': 0.09102359866514138, 'or': 0.0902707782919648, 'much': 0.08481916982351144, 'the': 0.0793050153443802, 'is': 0.07812603573850377, 'any': 0.05108423839932481, 'not': 0.04509668933085053}, {'or': 0.21800795430198072, 'for': 0.15577503335631293, 'of': 0.11769413116067244, 'and': 0.09747399009209654, 'the': 0.08640555097719045, 'about': 0.08393226613179645, 'in': 0.055292119294258577, 'at': 0.049635222974828204, 'a': 0.03990442328529777}, {'a': 0.4987588462525865, 'of': 0.1522838440948506, 'the': 0.06050064423324291, 'with': 0.049929291441310794, 'and': 0.03812734076867051, 'make': 0.031523196086386665, 'A': 0.030838417298926724, 'as': 0.029244225393455142, 'in': 0.02681664313388338}, {'the': 0.1674321392964112, 'of': 0.10392183398051957, 'and': 0.07193767226205251, 'a': 0.05574666750895172, 'to': 0.05318386890032477, 'was': 0.028327973426863266, 'be': 0.02763725855117221, 'in': 0.022450035454252393, 'is': 0.022401172344488615}, {'accrue': 0.12382246807247146, 'and': 0.08908627574995173, 'called': 0.041711738416808655, 'made': 0.03992443278238824, 'effect': 0.03316567480694388, 'look': 0.03001236789770287, 'depend': 0.029898339814531577, 'that': 0.025035982839233382, 'imposed': 0.022437301171661327}, {'the': 0.0761074608375319, 'and': 0.05984293224645136, 'of': 0.04501923784948103, 'to': 0.04450398641146655, 'a': 0.02684999675759207, 'Havre': 0.019695485824288792, 'said': 0.01871296730383848, 'crepe': 0.017501380539408907, 'an': 0.014875776394797691}, {'of': 0.3576217809248213, 'to': 0.10023831357299501, 'in': 0.08729746914835176, 'and': 0.08248098581090921, 'that': 0.08091356059524685, 'for': 0.05169092552781947, 'by': 0.048387261538638995, 'as': 0.04034406490561032, 'with': 0.03143961021453052}, {'and': 0.12470290837767649, 'demand': 0.03801203333777829, 'candidate': 0.02919961682272655, 'but': 0.024955453816447037, 'time': 0.024004443516878964, 'it': 0.023867164668933512, 'that': 0.02361388184643178, 'used': 0.023271333836825718, 'vote': 0.01912166306340881}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'time': 0.026061912728630354, 'more': 0.024396488270671566, 'in': 0.016295774229048477, 'men': 0.014578733761520739, 'man': 0.014420447835859591, 'him': 0.013176462685171246, 'out': 0.012930160102128677, 'large': 0.010795489387248797, 'it': 0.010755288958592128}, {'the': 0.23130330539050825, 'a': 0.22589738079938354, 'last': 0.16526838641387778, 'this': 0.08978574886531078, 'one': 0.060024491499053, 'next': 0.056856432298520776, 'every': 0.04702765325095539, 'per': 0.044615104806353716, 'each': 0.024692146321264374}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.17097646687258397, 'of': 0.13769021827977573, 'for': 0.12366249743273981, 'and': 0.06973181372575818, 'in': 0.044452012349396115, 'a': 0.04077198301559854, 'to': 0.03423002650791914, 'all': 0.021507227014692556, 'by': 0.01563604760159705}, {'the': 0.16994846357465584, 'of': 0.11897068694274716, 'and': 0.06322674734061179, 'a': 0.04043950895883119, 'Mr.': 0.02926194498387448, 'to': 0.024334880799693495, 'The': 0.022532793765696307, 'in': 0.0213700707072004, 'that': 0.014875102007446855}, {'is': 0.1878321678614983, 'have': 0.1446657692110379, 'had': 0.1326118719545026, 'was': 0.09135226693362732, 'has': 0.08303896059571551, 'that': 0.07998108815061951, 'and': 0.06983495574378078, 'be': 0.05265565900304071, 'made': 0.03549415388868923}, {'the': 0.1549067594566136, 'of': 0.14100363540620026, 'to': 0.12672478661121392, 'in': 0.08719047059857095, 'at': 0.07610111484055386, 'a': 0.05691497759630752, 'on': 0.044050970626081896, 'and': 0.04351095075386624, 'that': 0.021194069688044163}, {'of': 0.2770146476241175, 'and': 0.11718199118026422, 'to': 0.1076241849394967, 'that': 0.06417337704900605, 'in': 0.06079818184512419, 'with': 0.05972712650178724, 'for': 0.05727505152998754, 'all': 0.05676742006013355, 'is': 0.05189696975589647}, {'<s>': 0.11525409010106587, 'it.': 0.030474385177847917, 'them.': 0.017543355944475657, 'us.': 0.01349559691153729, 'country.': 0.01050845263281274, 'day.': 0.009553693409842029, 'and': 0.009437362900280428, 'time.': 0.008839784897123022, 'him.': 0.008820862517941536}, {'of': 0.3816288281035822, 'in': 0.1254268473057603, 'to': 0.09553294730998237, 'for': 0.06498323493536047, 'and': 0.05787257958397643, 'by': 0.05196397979610293, 'that': 0.04748688635484089, 'on': 0.041561600539357375, 'with': 0.035213717970657143}, {'the': 0.18803941644709826, 'of': 0.11522818722431373, 'and': 0.08648341734776388, 'Mr.': 0.0474969010395837, 'a': 0.04095083319531486, 'to': 0.03040999167925858, 'The': 0.026234978086882004, '.': 0.0227308480603788, 'by': 0.020074567106117238}, {'the': 0.1825997352616386, 'south': 0.17098119270319453, 'north': 0.14611221161179103, 'east': 0.13179144166176768, 'west': 0.1162287869441359, 'one': 0.055928356674835034, 'other': 0.04642548511625882, 'either': 0.029232648752465413, 'a': 0.025760172727703964}, {'of': 0.3016875752039519, 'to': 0.11042262342844596, 'in': 0.10064595113788431, 'at': 0.0725469917278368, 'on': 0.06372141625332164, 'and': 0.05100877403200253, 'by': 0.050880647512990866, 'for': 0.04544828567594181, 'with': 0.04195561830522027}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'in': 0.14885018586736937, 'and': 0.11970058644094843, 'for': 0.10576449343708648, 'of': 0.10091265545032815, 'was': 0.10032263617008859, 'is': 0.08711720808835939, 'to': 0.06674739310351997, 'with': 0.05462647932460326, 'In': 0.04773359527595931}, {'of': 0.2118881217102205, 'and': 0.12626942523308107, 'that': 0.09941718693170001, 'if': 0.09874987335180008, 'any': 0.06129152946416416, 'If': 0.055117701291173216, 'for': 0.044811257274760215, 'all': 0.04073003281990285, 'to': 0.040381923758787824}, {'the': 0.26208292409984635, 'and': 0.10999330016502232, 'a': 0.08659891816428389, 'of': 0.07607850991448149, 'to': 0.05184091648090965, 'in': 0.020998979548179645, 'that': 0.01846338979998632, 'The': 0.01754587357820064, 'be-': 0.016115615513490354}, {'and': 0.14851176468953053, 'the': 0.11048036182003981, 'a': 0.08685898602375797, 'to': 0.06295555789819866, 'his': 0.0392668091354813, 'I': 0.03681967737527795, 'her': 0.034765820271613075, 'he': 0.03457003613111208, 'one': 0.03083149562960446}, {'the': 0.36146807684028365, 'of': 0.2718877222196724, 'on': 0.11978802699470284, 'in': 0.06187796938175911, 'and': 0.024758998426672667, 'for': 0.017130144331104092, 'tho': 0.015951015976794138, 'with': 0.01370534181891489, 'this': 0.013577446984816102}, {'to': 0.5388059064704217, 'will': 0.11170255759611929, 'would': 0.07608456029750724, 'not': 0.05496568867008193, 'can': 0.05412328079454757, 'and': 0.03394537882674068, 'I': 0.03189213883859176, 'may': 0.03149844299171081, 'could': 0.02651828512492561}, {'the': 0.14625353828953794, 'and': 0.12868888802226447, 'of': 0.12745625627460855, 'a': 0.051593935419719614, 'to': 0.03025235020620043, 'that': 0.029821342923531974, 'or': 0.02636397350943417, 'in': 0.021766158492367012, 'be': 0.02077221682153635}, {'on': 0.20783634007017326, 'of': 0.1850779335035633, 'in': 0.1460554679525548, 'to': 0.1258646614322686, 'at': 0.0837013397785117, 'from': 0.06079728355335106, 'for': 0.04353166706638268, 'In': 0.041529779862250225, 'and': 0.03416471320433055}, {'away': 0.09672940101181465, 'and': 0.07426235433801383, 'taken': 0.057039601858310675, 'come': 0.042216188677576906, 'came': 0.03960346581771255, 'him': 0.03385581099746968, 'them': 0.03342444073300313, 'it': 0.028056937496876353, 'received': 0.023911387305464184}, {'and': 0.1299890250236961, 'to': 0.12243858096922274, 'that': 0.10827609544749635, 'will': 0.10541540978645347, 'would': 0.09319890422697209, 'which': 0.07628596856945942, 'when': 0.04887483237141215, 'but': 0.046983358155383556, 'should': 0.03921699809744679}, {'and': 0.13130453588053553, 'of': 0.12535708605509766, 'the': 0.11952197314188472, 'a': 0.11112243835849121, 'be': 0.10106399833600808, 'is': 0.08194305599665413, 'much': 0.06742647522069325, 'was': 0.06081974890980352, 'to': 0.05594651696667571}, {'is': 0.38669440184495424, 'are': 0.3231854822496401, 'Is': 0.05882704514364372, 'was': 0.050389567049502065, 'and': 0.045063852384137675, 'am': 0.021802827551643943, 'be': 0.021791231902361544, 'were': 0.01968840039590796, 'has': 0.014965487550508333}, {'and': 0.13791386252175333, 'is': 0.13553513150887056, 'so': 0.11710326333253822, 'are': 0.09271047530688512, 'too': 0.06650351054700068, 'was': 0.05785606465004742, 'have': 0.05296682075637111, 'very': 0.0474319108548515, 'a': 0.044988686371610236}, {'be': 0.1448727690506837, 'was': 0.11796091373707052, 'have': 0.11365666500154913, 'he': 0.10627779963829256, 'so': 0.10591574022077391, 'has': 0.07950142314793332, 'had': 0.07138324066654012, 'is': 0.07097988605863907, 'I': 0.06412224223122483}, {'city': 0.009583987708968407, 'hundred': 0.008565114552380081, 'State': 0.008151373982849543, '1': 0.008055993220871228, 'John': 0.00800925589676279, ';': 0.007940042844733703, 'men': 0.0073132762482153385, 'wife': 0.007264482026312934, 'gold': 0.007099267262028108}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'to': 0.429106520552732, 'and': 0.10961951283366633, 'a': 0.062241698744440056, 'not': 0.05621603572333929, 'we': 0.04513897348494538, 'will': 0.03249211280530737, 'I': 0.02952293633863013, 'would': 0.026648884596329372, 'they': 0.025379653872218494}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'Mr.': 0.09390770160956037, 'Mrs.': 0.06695110679646328, '.': 0.04745822043924462, 'and': 0.0431790504668088, "o'clock": 0.026267170624922374, 'C.': 0.026210555210743825, 'John': 0.022547458584884016, 'Dr.': 0.021116260188007243, 'of': 0.01736189670826688}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'and': 0.10361705174758719, 'well': 0.06270759310798894, 'so': 0.05114013377850446, 'far': 0.0391525226803462, 'long': 0.038819165652174394, 'soon': 0.03518160767174202, 'just': 0.034304879745544296, 'much': 0.03051385415981129, 'but': 0.0265743823179266}, {'to': 0.3903168751514778, 'for': 0.09029910359059123, 'of': 0.09027035162276426, 'and': 0.05403326464838235, 'in': 0.05215694671429354, 'as': 0.03343657020208754, 'can': 0.033188387893544585, 'not': 0.03298810704893215, 'with': 0.031810370192889084}, {'a': 0.19015170153703462, 'the': 0.15722159309064854, 'to': 0.07732953012561151, 'and': 0.0766523817095912, 'his': 0.0761443682508836, 'of': 0.06238602976688343, 'I': 0.05244807733959306, 'her': 0.038827783723086026, 'my': 0.027189578967641705}, {'and': 0.09364592610514166, 'men': 0.07947891598529111, 'I': 0.05441848340517706, 'you': 0.04623319531209234, 'that': 0.041389921778482434, 'he': 0.03672207374471766, 'man': 0.03482794343732932, 'we': 0.034231903296942034, 'so': 0.03304679542539774}, {'the': 0.49967184561886974, 'of': 0.12192072982302778, 'and': 0.05397918709110861, 'a': 0.031245196577688615, 'The': 0.031205554426570952, 'his': 0.029580768321032583, 'tho': 0.028934985278410937, 'to': 0.02208557857277542, 'their': 0.021773540850327514}, {'of': 0.13948751862109304, 'and': 0.11850983211302435, 'Mr.': 0.056270081795424115, 'Mrs.': 0.050741756121676834, 'to': 0.04874079877376045, 'by': 0.04588098355987523, 'that': 0.02830427227852948, 'said': 0.019464681554469315, 'with': 0.018291159243513093}, {'and': 0.10622092653230802, 'is': 0.0461623194814012, 'was': 0.03933224948269672, 'feet': 0.036706575320819196, 'that': 0.033223039005869696, 'as': 0.03032527400064008, 'be': 0.02926428746549607, 'it': 0.028457261859337165, 'recorded': 0.024759078039405812}, {'of': 0.02397654161738579, 'and': 0.015498697047209785, '-': 0.015353533036029472, 're-': 0.014934594594812792, '.': 0.013609501923428986, 'the': 0.012458666084863446, 'a': 0.01083046789382799, '<s>': 0.01023912372069293, 'to': 0.006694064176052403}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.2368994063819791, 'of': 0.23238523652692525, 'Of': 0.09403540208278673, 'a': 0.06486931388075803, 'his': 0.05335092255620682, 'this': 0.04172813259238125, 'their': 0.04060309647164319, 'in': 0.03603564879199051, 'no': 0.018166739809905064}, {'per-': 0.5180476161882086, 'per\xad': 0.18328272805134613, 'per¬': 0.13800462618504394, 'a': 0.020424535441166215, 'the': 0.018659648915119044, 'his': 0.01813141986791186, 'de-': 0.014845477549548394, 'more': 0.01314876475709831, 'their': 0.01178948315262904}, {'virtue': 0.07372054838507916, 'out': 0.0643582522520695, 'part': 0.03907743667416268, 'one': 0.035272612243984924, 'quarter': 0.03209168295079266, 'favor': 0.02368434909271157, 'result': 0.023120733291221517, 'guilty': 0.022440380223500818, 'means': 0.021974823725644504}, {'and': 0.17950083690310892, 'so': 0.06703056393081255, 'fact': 0.06516935028694018, 'said': 0.05953301713516215, 'is': 0.05123966965332292, 'say': 0.03859166197159423, 'stated': 0.034827721303573464, 'believe': 0.02734891591725266, 'know': 0.026018400493298014}, {'of': 0.3788642714524778, 'a': 0.08279794142940461, 'and': 0.0802202080478703, 'the': 0.06113918625938568, 'with': 0.05080336653644456, 'their': 0.03344287182970248, 'to': 0.030294742492338878, 'for': 0.02626993337438237, 'his': 0.02555204355765241}, {'this': 0.3066083932398584, 'the': 0.22658476951205947, 'a': 0.11834460484051601, 'that': 0.06866323203759525, 'This': 0.05747470878557592, 'any': 0.0420726646385702, 'The': 0.03975507500629718, 'every': 0.029940669694026634, 'same': 0.02180429592267572}, {'the': 0.40793044777837484, 'a': 0.32972847892391727, 'The': 0.0358188533745093, 'A': 0.02537493860803184, 'of': 0.024909750342196318, 'tho': 0.023907557709848294, 'our': 0.02303549084559234, 'his': 0.022024274698847733, 'in': 0.01969998292231788}, {'an': 0.32553815431915917, 'the': 0.2622413683807665, 'most': 0.08440042541939725, 'a': 0.082051370198012, 'very': 0.05618158235913288, 'and': 0.037368619984271385, 'An': 0.03595304257681214, 'his': 0.03443447648320536, 'The': 0.02679981017777417}, {'of': 0.3307452244528446, 'to': 0.12377514546863495, 'and': 0.08082297005361275, 'that': 0.07581784353460164, 'in': 0.07356082286531933, 'for': 0.050799997856307705, 'all': 0.045097018738699056, 'by': 0.04451455944420933, 'with': 0.04208234181147068}, {'he': 0.25843355989158584, 'I': 0.1190395002964046, 'they': 0.08786481454046961, 'who': 0.08183108825499767, 'and': 0.06790127054906465, 'she': 0.05768603387465545, 'it': 0.048657171543361015, 'He': 0.04508377438681684, 'we': 0.033137311845267914}, {'the': 0.3706795785675621, 'of': 0.11117306924879153, 'and': 0.056331761334651884, 'his': 0.033519988256339665, 'a': 0.03304220891207517, 'in': 0.03084733794099766, 'their': 0.022674931346253164, 'tho': 0.019688602698321015, 'to': 0.018676403470711114}, {'of': 0.2094459381121972, 'in': 0.1254907932717703, 'to': 0.11959794436233155, 'with': 0.10781019953462763, 'on': 0.07361359691526168, 'by': 0.06442823814214756, 'and': 0.05693281494755152, 'from': 0.0399886400524479, 'upon': 0.033579010414696804}, {'be': 0.2339608722562629, 'was': 0.19734918150019135, 'been': 0.10298316325279039, 'is': 0.08470613097318631, 'were': 0.06147638959455237, 'and': 0.05672590916009664, 'are': 0.049448940394552415, 'being': 0.03484799226020879, 'it': 0.0327139343827604}, {'and': 0.08686141748019646, 'is': 0.04054154224958571, 'was': 0.03549855390099926, 'so': 0.028493848046542553, 'wondered': 0.021755654190647948, 'but': 0.021273585532335194, 'arrived': 0.02046966328611745, 'held': 0.02029052246990722, 'it': 0.01953877769350204}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.102520340558856, 'of': 0.09269646788588937, 'and': 0.06343368488876859, 'a': 0.03611232975490845, 'at': 0.02884256727978318, 'to': 0.025932374816955008, '.': 0.022705956662577305, '<s>': 0.016546949032191706, 'from': 0.01458164719472569}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'and': 0.06878441777288431, 'in': 0.04707180964086797, 'do': 0.03972743942199916, 'of': 0.030446844512140067, 'for': 0.02836004133845329, 'I': 0.02583201925703534, 'it': 0.024313831146902158, 'is': 0.021070091344808306, 'was': 0.01871946175989766}, {'the': 0.13908679504865662, 'of': 0.11018424169065659, 'and': 0.08819897668254238, 'to': 0.08229164611286616, 'a': 0.04169362818372944, 'be': 0.029216682148986695, 'or': 0.029131339800605442, 'his': 0.02429855075103291, 'on': 0.02238479204228481}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.2755837962452985, 'her': 0.1271175695679077, 'years': 0.09062209260834389, 'his': 0.05449401012484161, 'or': 0.048792511466354764, 'days': 0.04427494075035946, 'the': 0.04404432392468776, 'to': 0.036288182615759924, 'minutes': 0.03434659907759655}, {'of': 0.21280232920617428, 'and': 0.04746858792058757, 'in': 0.04291796287010169, 'for': 0.031976167802639024, 'that': 0.031155458874886594, 'on': 0.02275450780527302, 'to': 0.022404164267472174, 'by': 0.018998389401630848, 'upon': 0.01493312869673577}, {'of': 0.6239619099436516, 'in': 0.11935561264422316, 'In': 0.03390920889580458, 'for': 0.02611692298117986, 'to': 0.024718768161875765, 'from': 0.017853112070036755, 'on': 0.017190489364932608, 'by': 0.016085052878868255, 'at': 0.015037017751836737}, {'and': 0.11688733579682299, 'was': 0.06500890083756004, 'is': 0.046324142833373445, 'up': 0.030773113555138693, 'it': 0.02991201168220065, 'made': 0.02633708248672102, 'put': 0.02603131450301969, 'placed': 0.025678045752279336, 'that': 0.024799280543645462}, {'of': 0.18001049338672906, 'and': 0.09326773913051419, 'the': 0.08860245608568713, 'to': 0.0697118358101515, 'in': 0.03749501565875021, 'at': 0.034894791553488395, 'or': 0.033529773020655865, 'a': 0.01746310183611471, 'from': 0.01665102141812715}, {'manner': 0.10929122914622635, 'and': 0.051928940561453626, 'that': 0.030065683941091072, 'way': 0.01949234700731763, 'time': 0.01490834846138637, 'it': 0.013227222707666407, 'all': 0.011826895752322215, 'one': 0.01173947360133591, 'part': 0.011709023863419921}, {'of': 0.2693293664152375, 'to': 0.11559317899971629, 'and': 0.10337628111533223, 'in': 0.08936391659827037, 'on': 0.07530864540443967, 'for': 0.07369546498288151, 'that': 0.05738558620603619, 'by': 0.04231169628250605, 'In': 0.03960456944254915}, {'the': 0.12956909426388782, 'of': 0.12149718939987988, 'and': 0.07945248655674615, 'a': 0.0762089485669891, 'to': 0.04468485782170717, 'Mr.': 0.03656707820843912, 'in': 0.03089004167677604, 'with': 0.02481900957720866, 'or': 0.02334689798414261}, {'of': 0.3023582038451006, 'the': 0.1497664250181707, 'a': 0.11482936945697458, 'and': 0.07088099727205348, 'this': 0.035216478336279375, 'to': 0.03146107762316955, 'in': 0.02454383405228763, 'other': 0.015073149424088151, 'for': 0.014284463947891146}, {'all': 0.24165090139264303, 'it': 0.05156072313071205, 'and': 0.05131045636406533, 'went': 0.026429071929787842, 'passed': 0.024387715653818844, 'go': 0.02405451881040702, 'them': 0.023401554406047145, 'looking': 0.023361673879028638, 'of': 0.02295742069885727}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {';': 0.019567031769756812, 'up': 0.015958444972484696, 'them,': 0.008170618583383605, 'it,': 0.007967136442395608, 'in': 0.007902433672776134, 'years,': 0.007773143411612178, 'States,': 0.007615229695197521, 'him,': 0.00733966653393979, 'and': 0.00705396616369367}, {'of': 0.13237384905058047, 'the': 0.10084460200966042, 'Mr.': 0.07914245810275551, 'and': 0.05973683327276532, 'in': 0.05589806206509301, 'that': 0.042651934356667975, 'The': 0.03234251590045908, 'which': 0.02646939162498627, 'Mrs.': 0.023065268646516684}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.16188088552968188, 'and': 0.14363068861010764, 'from': 0.1224961582656008, 'by': 0.0734576643023871, 'is': 0.07267039937779378, 'are': 0.07235828993890213, 'the': 0.06206075162507785, 'with': 0.057236361074621725, 'for': 0.05586049582466115}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'Mrs.': 0.13159809375367998, 'of': 0.07031033031243691, '.': 0.059459273437342766, 'and': 0.05011800399896363, 'Mr.': 0.048228336405681416, 'by': 0.03751310348810411, 'the': 0.03741201534573018, 'Dr.': 0.029752449634831247, 'to': 0.02766141829048873}, {'the': 0.21065193915565517, 'of': 0.08219053896537407, 'and': 0.07306876381982752, 'a': 0.0650262061620037, 'in': 0.027644545321932796, 'to': 0.0232139415987013, 'for': 0.020777803950531606, 'or': 0.019870333459705278, 'that': 0.018938212295875053}, {'to': 0.7018631299176529, 'will': 0.069803591170097, 'not': 0.05232664914271217, 'would': 0.03696976989989996, 'and': 0.0288023790120548, 'can': 0.024049738231254288, 'could': 0.02240754538056133, 'or': 0.016358244265362837, 'shall': 0.014895963127079189}, {'the': 0.24500882730679427, 'a': 0.13907135888046365, 'and': 0.09668459104401086, 'of': 0.06772978920727156, 'to': 0.03889089647857766, 'in': 0.024700164874245686, 'an': 0.023166283970754927, 'with': 0.020625804327446283, 'The': 0.01995607760148186}, {'of': 0.3403202075567773, 'in': 0.15423802139269382, 'to': 0.1269752996985212, 'that': 0.0714101649251478, 'and': 0.07124417517762607, 'by': 0.042966536227512585, 'In': 0.04088460171873537, 'on': 0.040846020799332854, 'from': 0.038133587616665764}, {'be': 0.22611924836929012, 'was': 0.20671831940208887, 'been': 0.10585804282397518, 'and': 0.07120087284977032, 'were': 0.06911036903968135, 'is': 0.06686011152684622, 'are': 0.047809246754873504, 'he': 0.03415511007629035, 'being': 0.027480912430454772}, {'and': 0.08893129108191757, 'as': 0.057293781335983146, 'up': 0.03759840663759415, 'it': 0.035227285112725805, 'addition': 0.03440683146044206, 'according': 0.029638472910600615, 'them': 0.02888547448012506, 'him': 0.025038346768410588, 'entitled': 0.02447746858718694}, {'of': 0.21702279143010716, 'the': 0.13108003550395939, 'with': 0.10101987507114224, 'and': 0.09399013988062477, 'in': 0.060964764380408036, 'for': 0.05658897362203877, 'a': 0.0463647503872613, 'by': 0.04124220967092513, 'his': 0.033042363715168846}, {'a': 0.36261251470581496, 'the': 0.308545890233657, 'this': 0.07623589252964172, 'tariff': 0.039248671186166074, 'The': 0.02528145843404801, 'appropriation': 0.020096505277507427, 'tho': 0.019256982690573167, 'no': 0.017134263961119736, 'A': 0.016090417219746588}, {'the': 0.21303585774077805, 'and': 0.17782950450085763, 'to': 0.11234467165017126, 'of': 0.08636368736585667, 'or': 0.07432528953343866, 'their': 0.05710460847019894, 'any': 0.05244639099389821, 'such': 0.05198894279454206, 'other': 0.04538722918398547}, {'capi-': 0.0892837394177878, 'men-': 0.060016640614599895, 'and': 0.03920592864922849, 'the': 0.033408074639390585, 'of': 0.02416547729153807, 'to-': 0.012137174090671355, 'a': 0.011508091617572458, '.': 0.010998054012396886, 'men\xad': 0.010615100276384716}, {'was': 0.09689104964149872, 'and': 0.07678602560722377, 'is': 0.05488645523885751, 'are': 0.0433941396247526, 'arrived': 0.03924210240114195, 'be': 0.03862891728034575, 'looked': 0.03369078039172414, 'were': 0.031238974906654164, 'held': 0.029922230418709225}, {'according': 0.06968481737993285, 'and': 0.06504825379444942, 'as': 0.055206316210500636, 'is': 0.038036978950220054, 'went': 0.03683172863215435, 'him': 0.03255390231517794, 'it': 0.028268954517667717, 'them': 0.02826290254636951, 'up': 0.02575159422900447}, {'and': 0.13210326282233215, 'was': 0.09774252270253157, 'is': 0.08213083739321772, 'placed': 0.05420426950213431, 'be': 0.04491452431425909, 'that': 0.04462152571410461, 'as': 0.039481742049173, 'are': 0.03569536046556348, 'up': 0.03459166689071554}, {'and': 0.10038614191738074, 'balance': 0.0924891199306147, 'was': 0.0555369870486899, 'residue': 0.046369136200080985, 'that': 0.04056116944562145, 'one': 0.04043921460183101, 'is': 0.03529952420755278, 'up': 0.032081064156946906, 'are': 0.028362982025711504}, {'to': 0.6585271144550733, 'and': 0.1025179988315591, 'will': 0.04059578628534261, 'not': 0.018750925802347097, 'would': 0.014025738993520578, 'I': 0.01333497334660804, 'you': 0.009072787959531226, 'must': 0.008429865700635718, 'we': 0.007835752943619222}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'and': 0.0685773757021401, 'away': 0.05063443386085732, 'them': 0.05033143816572134, 'him': 0.049560391021279335, 'taken': 0.043271796469581195, 'far': 0.036091747867974776, 'miles': 0.03055165113677088, 'us': 0.030411117429907337, 'it': 0.02989602429152724}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {';': 0.036199169379587406, 'nothing': 0.01906612024907541, 'and': 0.017615974027172847, 'is': 0.014957028663176676, 'it,': 0.014258425215958092, 'them,': 0.012037811914749579, 'are': 0.01189948441299304, ',': 0.009817453842225432, 'him,': 0.008467642785571303}, {'the': 0.39160066343528654, 'a': 0.1743199137436385, 'little': 0.10099094673998447, 'The': 0.03291750413684437, 'and': 0.030666583634823583, 'his': 0.02784470596842218, 'young': 0.0236807273589454, 'her': 0.020052318650642706, 'one': 0.015679704467851167}, {'his': 0.2948722135830917, 'their': 0.26034190793652934, 'our': 0.1330545386819939, 'my': 0.07332451963443028, 'her': 0.06233259394222865, 'your': 0.061778828373074905, 'its': 0.055278075503893694, 'bis': 0.01706508860125756, 'a': 0.009994263069927255}, {'and': 0.12698648933713427, 'the': 0.08424320455276128, 'of': 0.08046840857666282, 'to': 0.04559558254571475, 'a': 0.04054504800681806, 'in': 0.031249524748529055, 'I': 0.030754112874255998, 'not': 0.029252858646512836, 'be': 0.028709391672565865}, {'be': 0.19079582716640003, 'was': 0.1634960671514645, 'been': 0.10108392885804099, 'is': 0.08511911896603593, 'are': 0.08424249291873914, 'were': 0.07461581992118109, 'he': 0.06102388724450976, 'and': 0.0546864950454179, 'had': 0.05284822034900656}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.2689315931744302, 'that': 0.12979167623850557, 'as': 0.0633463937980253, 'is': 0.05086600071840787, 'was': 0.04713404911057683, 'but': 0.03492158926000971, 'up': 0.022221446284824767, 'Then': 0.018187754221236543, 'Is': 0.016268569290412472}, {'<s>': 0.08989733991912416, 'it.': 0.024292787670201432, 'them.': 0.018354020472558834, 'people.': 0.013282196832297258, 'country.': 0.011728234176274721, 'and': 0.010368511452001117, '.': 0.010238532141319234, 'time.': 0.00980337788353079, 'him.': 0.009286254972172392}, {'of': 0.17026617051594395, 'and': 0.14661882007006047, 'to': 0.07677791937473191, 'is': 0.06530993396182211, 'with': 0.06162755375508931, 'in': 0.055107068107103904, 'for': 0.048128813225297586, 'was': 0.047237681484803375, 'that': 0.045265128107688055}, {'and': 0.07190892694605043, 'free': 0.05427014496792375, 'far': 0.04287622537730368, 'come': 0.039677338438547795, 'came': 0.03621534374908097, 'miles': 0.0338511397427543, 'it': 0.03178405190474016, 'or': 0.030930780037361185, 'feet': 0.02849489282872185}, {'and': 0.06314774704630478, 'of': 0.016247681709208057, 'or': 0.015496846711407683, 'et': 0.011677304542762891, 'person-': 0.01152940448808649, 'to': 0.011134907109053302, 'a': 0.009231126825972762, 'in': 0.009014794477829794, '<s>': 0.007653310364836466}, {'to': 0.23080522773390685, 'I': 0.10875958438022275, 'will': 0.08594593789183011, 'and': 0.08310438721359938, 'who': 0.05781946879898364, 'they': 0.05590376158776802, 'we': 0.05362203939412537, 'would': 0.04743415297009041, 'you': 0.04320509901417252}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.1261093159189746, 'of': 0.06967388286455078, 'a': 0.06687190973657944, 'and': 0.0662421929278628, 'to': 0.049876159825684614, 'for': 0.038305618781237775, 'in': 0.02988068254079254, 'as': 0.018219082754059198, 'or': 0.017808849616663572}, {'<s>': 0.045009292671154194, 'that': 0.03143091001773199, 'and': 0.0191659689902846, '?': 0.018449500631222193, 'it.': 0.0161151308033331, 'them.': 0.010143361351894574, 'I': 0.006308669567565438, 'him.': 0.005504382958419108, 'man': 0.005435536046309147}, {'the': 0.1587375480149859, 'of': 0.08254551462499617, 'and': 0.08085930804487639, 'a': 0.06729257711216322, 'to': 0.061384945294075344, 'be': 0.030563864346128792, 'was': 0.0243997806807823, 'or': 0.020098682714989803, 'is': 0.017668635246422947}, {'to': 0.7208340789068995, 'not': 0.046581736955322944, 'will': 0.03740116313992681, 'would': 0.03061427537023881, 'and': 0.027492485081377794, 'they': 0.018985488667582883, 'the': 0.016303006102939284, 'a': 0.013952870906101087, 're-': 0.012280154263724839}, {'the': 0.1778216541911468, 'a': 0.16148594192914284, 'much': 0.11551769060428772, 'no': 0.11123119010976683, 'and': 0.10313451972271864, 'or': 0.08737342962119944, 'is': 0.05699059950118294, 'once': 0.046159100181266885, 'far': 0.04493939129635403}, {'on': 0.1962978110789381, 'was': 0.13610117608698355, 'is': 0.11525584898433952, 'of': 0.08436397119129539, 'and': 0.08146308206463078, 'as': 0.07542481738761857, 'in': 0.06539791269029392, 'to': 0.05766002408892129, 'be': 0.04456405297155174}, {'of': 0.1521464640271102, 'the': 0.14333945858906574, 'and': 0.09008593466183558, 'to': 0.04854930930191386, 'a': 0.04809569873072627, 'in': 0.039003444755560966, 'by': 0.02974442800846811, 'with': 0.025960562281648013, 'for': 0.021588987277994617}, {'and': 0.06770489847136064, 'made': 0.02662441098693992, 'sale': 0.025810732371246193, 'as': 0.024246824576555543, 'land': 0.023245273318612838, 'sold': 0.022940374079396184, 'that': 0.02010178457855719, 'was': 0.016519207499595852, 'or': 0.016086131279769742}, {'of': 0.09818334396609175, 'the': 0.07166965820212663, 'and': 0.05192645865449911, 'per-': 0.04667838683389879, 'their': 0.04390946602312152, 'many': 0.02810641335437747, 'two': 0.027489373530072, 'his': 0.02713167858841325, 'three': 0.024013048932743843}, {'and': 0.22713189360265362, 'was': 0.06416104124543177, 'are': 0.05385658633276215, 'is': 0.04884321372015416, 'be': 0.040486549164177044, 'do': 0.03762784279249899, 'or': 0.03592231850040631, 'been': 0.03179272999372521, 'were': 0.03167118207892621}, {'the': 0.5105545000656907, 'a': 0.1448081626804076, 'any': 0.09758500708468973, 'this': 0.03623515800151173, 'tho': 0.027914913082035208, 'of': 0.024990901855946157, 'great': 0.021268856773848602, 'said': 0.019384954477726427, 'such': 0.015854681952214008}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'about': 0.12495703264715344, 'west': 0.098195820764861, 'east': 0.09205436744812459, 'and': 0.09186787318304843, 'north': 0.0856103108069196, 'to': 0.06977289361253561, 'south': 0.06960560859511573, 'of': 0.05785873840134539, 'street': 0.05264712648096723}, {'I': 0.0662187087481698, 'to': 0.05047122893089472, '1': 0.03765844906371256, 'the': 0.03174577206843502, 'of': 0.02957599526210227, 'and': 0.022099193865194787, '<s>': 0.020015521055989277, 'not': 0.019371270391887047, 'a': 0.015835811599010954}, {'they': 0.17625283388451035, 'we': 0.10669687626430492, 'who': 0.08697538436204046, 'and': 0.06140606880393043, 'which': 0.05777372896889358, 'They': 0.04864363007942235, 'We': 0.04665105646994941, 'you': 0.043144351171200156, 'that': 0.040157385541597056}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'the': 0.4187070438822319, 'of': 0.10146957416975233, 'to': 0.049407607694869224, 'a': 0.0456585557856165, 'their': 0.04512144022800557, 'and': 0.03997994177399479, 'our': 0.03233543226758039, 'in': 0.028635650793085436, 'his': 0.027988127203596485}, {'the': 0.2937577678849631, 'an': 0.13680366293986734, 'a': 0.13583270917008086, 'his': 0.09241457348376826, 'and': 0.03625815066920418, 'her': 0.029125924410685126, 'this': 0.02345557626346018, 'its': 0.022224871613380385, 'of': 0.02020868325071429}, {'will': 0.2331676769840884, 'to': 0.19517454029355175, 'may': 0.12117896337118718, 'would': 0.07713867772654104, 'should': 0.07382292369203498, 'shall': 0.0686387021420502, 'can': 0.06426038549646652, 'not': 0.05821783663553322, 'must': 0.04879665925417396}, {'be': 0.21635682519304353, 'was': 0.18102433775134671, 'been': 0.1551262609166811, 'were': 0.06681140533238208, 'is': 0.0623256525300309, 'are': 0.049862679383078645, 'being': 0.043806452114586135, 'and': 0.03832472616679637, 'Is': 0.014331968254459147}, {'of': 0.4353774562759241, 'in': 0.12483323828127091, 'to': 0.08444375257073997, 'that': 0.05990288835108351, 'for': 0.0457459746867907, 'by': 0.03949758160877113, 'on': 0.030402769784975792, 'with': 0.0257598943602213, 'and': 0.023169389563615427}, {'<s>': 0.04881493557706565, 'and': 0.044312633324866936, 'was': 0.029935626986712514, 'that': 0.026704030392838224, 'be': 0.02365519770086666, 'recorded': 0.02086675267693262, 'as': 0.016649038732580442, 'set': 0.015439023129592257, 'put': 0.013990909538216079}, {'to': 0.22978817335834514, 'his': 0.16974217439298375, 'in': 0.13728212668772152, 'my': 0.09762354990849158, 'of': 0.07851456057111773, 'and': 0.063628632014095, 'her': 0.05924625434900139, 'their': 0.03915783615886031, 'your': 0.027194573094016343}, {'the': 0.19964379856066328, 'a': 0.14352509259007212, 'of': 0.04752846590231623, 'and': 0.039035505009330784, 'to': 0.03218003898644986, 'an': 0.028368239809085496, 'The': 0.02821001099010286, 'Mr.': 0.0221160643106203, 'in': 0.021568525229864317}, {'the': 0.7263459861899333, 'of': 0.03161054115636297, 'tho': 0.028775821889405653, 'our': 0.027156966137198386, 'American': 0.023891336939052384, 'a': 0.02100573915326502, 'this': 0.01893951057009734, 'tbe': 0.012243653392886055, 'State': 0.011865568993332591}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.072043999456693, 'away': 0.05359483509489874, 'taken': 0.04401626950207456, 'them': 0.024067183137968573, 'miles': 0.02335392584568115, 'come': 0.023314774451963793, 'out': 0.022762623005508197, 'came': 0.022090974428341577, 'down': 0.021528201571490376}, {'it': 0.14806391506186314, 'he': 0.12086187920113099, 'It': 0.11645968201630448, 'I': 0.06313550850567543, 'He': 0.05221072612740394, 'which': 0.04714883502857949, 'and': 0.041074659713383956, 'that': 0.03105953585609975, 'who': 0.030671155815008733}, {'of': 0.37552254068207747, 'the': 0.2109546640289074, 'in': 0.08162690416504334, 'for': 0.05667327722844784, 'with': 0.04563936796835135, 'to': 0.04554267199253616, 'and': 0.03680319804544219, 'by': 0.02332177069451824, 'a': 0.020777862035284204}, {'the': 0.10462047831469956, 'of': 0.10110358872609558, 'to': 0.09890132523216477, 'and': 0.05069271418075697, 'in': 0.028018045881319346, 'on': 0.025812656226692973, '<s>': 0.02536059187773316, 'a': 0.02070391004975502, 'at': 0.02067421152314705}, {'well': 0.10922994598037289, 'such': 0.09348043237269109, 'and': 0.09056272317766058, 'known': 0.07386633254973356, 'far': 0.07324024683087949, 'soon': 0.0668894917543449, 'just': 0.04651526469613986, 'long': 0.04308682942780826, 'regarded': 0.028699599655587427}, {'and': 0.17601048389554638, 'a': 0.16919433403089384, 'is': 0.12999298924633912, 'of': 0.09577526961849041, 'was': 0.07809980734417492, 'has': 0.06215533247617053, 'have': 0.059328430014350335, 'not': 0.054681471802262245, 'are': 0.05101017010200071}, {'number': 0.06118018846206519, 'sum': 0.05858213921520282, 'rate': 0.058303386117265064, 'out': 0.04398810059781914, 'full': 0.035720735619283905, 'matter': 0.03534730466218726, 'amount': 0.034383918853397505, 'loss': 0.03428682976103931, 'and': 0.028715751789600487}, {'and': 0.16771634397308052, 'so': 0.0799515110433391, 'fact': 0.06754269311976728, 'said': 0.053099026947957956, 'know': 0.052752863689406224, 'say': 0.047912452004830776, 'is': 0.03465193910310531, 'but': 0.02885959309660333, 'believe': 0.027790681460559605}, {'and': 0.17414993496185913, 'was': 0.1302963008546305, 'the': 0.12254855167108192, 'be': 0.07011872422317153, 'is': 0.06203585651435062, 'were': 0.05271552993858589, 'he': 0.04934798620824161, 'are': 0.04248847357627476, 'or': 0.03688579813100262}, {'in': 0.028845111690480107, 'up': 0.022992153012148128, 'hundred': 0.01492902356973844, 'out': 0.011528749575695624, 'day': 0.011314807624675488, 'men': 0.010122009714802984, 'city': 0.009964121589920504, ';': 0.009821446560103286, 'dollars': 0.009122888211803293}, {'the': 0.11662162438895472, 'of': 0.08510772891872619, 'and': 0.0749308918450228, 'a': 0.05027090809541287, 'to': 0.044579509927247796, 'be': 0.03493674646348542, 'in': 0.034010718862884565, 'was': 0.032497593919047184, 'is': 0.018566250331332107}, {'time': 0.025562994598266973, 'men': 0.022416626063734856, 'up': 0.012937695084214034, 'hundred': 0.012226113852807703, 'in': 0.011389129544477666, 'long': 0.01067403172647909, 'one': 0.010268875863248136, 'him': 0.010260294762830904, 'good': 0.010116499400646042}, {'to': 0.14834982223199125, 'and': 0.1282444260228002, 'of': 0.07782019946263893, 'the': 0.07614880952296146, 'not': 0.03336651328343314, 'in': 0.02957926366329031, 'or': 0.019345545176368443, 'I': 0.019276075286777175, 'is': 0.01829552577611842}, {'the': 0.5295389105920599, 'The': 0.06076910790377359, 'of': 0.0566186661509554, 'other': 0.050927663714997816, 'a': 0.044905374324279, 'and': 0.042409792988887286, 'tho': 0.04000588229782363, 'by': 0.01926892944886002, 'their': 0.01873119177241186}, {'and': 0.05718817228021493, '-': 0.03287733334612662, 'that': 0.030117583089620047, 'the': 0.025139704770146504, '.': 0.021943480435753532, 'of': 0.018905317187722148, 'land': 0.018628365462436403, 'to': 0.017791017346300095, 'was': 0.017684701163459025}, {'the': 0.19067564411740923, 'a': 0.17553469439830752, 'any': 0.0832210674615058, 'in': 0.07465332375249803, 'first': 0.07458377104947098, 'his': 0.06785241685622638, 'of': 0.05415756393864383, 'their': 0.042949358863372644, 'and': 0.034744990873459496}, {'and': 0.07268815223295924, 'was': 0.046800903966874405, '<s>': 0.034788631487856776, 'is': 0.03021857005211108, 'be': 0.023409742562599662, 'that': 0.01926790691161004, '.': 0.016919813194455565, 'brought': 0.014995252914549641, 'been': 0.01445714283836237}, {'of': 0.33246812000611237, 'to': 0.10538913145084985, 'and': 0.08868726038849678, 'in': 0.08756411382922542, 'for': 0.06654693910174098, 'that': 0.05813364998247124, 'with': 0.04034057351646929, 'all': 0.040079461261822304, 'on': 0.040050725493453516}, {'and': 0.07536013002573318, 'to': 0.06762431471540578, 'the': 0.06602840055202795, 'of': 0.05716084658125334, 'be': 0.04159194637069477, 'is': 0.033567415544923374, 'was': 0.030965628121023256, 'for': 0.028524940914513828, 'in': 0.02342292909354043}, {'and': 0.08011435897088291, 'that': 0.04694178752975977, 'I': 0.021791228744556208, 'but': 0.019663365361325718, '<s>': 0.01902769391320899, 'which': 0.018700060263108716, ';': 0.01182290945543569, 'as': 0.011819798315306607, 'it': 0.01069442125688959}, {'get': 0.07173213841506879, 'was': 0.06759495288640666, 'and': 0.06561624249602109, 'him': 0.05191804352667103, 'it': 0.050055576730890734, 'them': 0.04759245041696305, 'are': 0.04655608701837469, 'go': 0.04289741385980777, 'come': 0.040389983849953646}, {'of': 0.3001542312893323, 'to': 0.1765525275632823, 'in': 0.0778755020542617, 'that': 0.06418540449184987, 'on': 0.059559903905147246, 'and': 0.057343707936660514, 'by': 0.036850808721373536, 'when': 0.03585917410635052, 'with': 0.0344548827388175}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.4014752950596871, 'to': 0.14126743098732666, 'that': 0.06862114477959896, 'and': 0.0641118414789679, 'in': 0.06279823527942309, 'for': 0.06033558013720503, 'with': 0.04759841027964252, 'by': 0.039693705730919605, 'on': 0.036227903015310495}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'and': 0.11699644080565819, 'him': 0.07651779033376911, 'was': 0.0747291359980469, 'is': 0.04039517092452084, 'it': 0.0390281008055057, 'up': 0.036777591832319795, 'as': 0.033530126278876145, 'come': 0.029347778426474996, 'placed': 0.028553419248269023}, {'in': 0.0948841086675287, 'of': 0.09295320325141139, 'to': 0.06450285088526224, 'on': 0.038639052011031676, 'and': 0.03588897949204673, 'with': 0.027344608171533988, 'upon': 0.022900475991588103, 'from': 0.020815565392329816, 'by': 0.01693563723728216}, {'and': 0.17820719147019515, 'said': 0.10008608341045885, 'fact': 0.06463111504483349, 'stated': 0.052492415715762214, 'so': 0.04472464841362103, 'him': 0.03832311204077511, 'know': 0.03688219118396675, 'say': 0.02879367941366483, 'is': 0.028411351280419075}, {'have': 0.14002926413621747, 'has': 0.11914076127564743, 'are': 0.11361115874247672, 'is': 0.10444621164372518, 'had': 0.06995809884813385, 'was': 0.05244347806907962, 'be': 0.048099224484944, 'and': 0.035710298576140685, 'were': 0.03369864515801194}, {'the': 0.18368601231751527, 'and': 0.11464252061365811, 'of': 0.09946357489091448, 'that': 0.028989098045212682, 'The': 0.02848865660749247, 'a': 0.027298148949132652, 'or': 0.0183073044243937, 'I': 0.018125294372284356, 'in': 0.01691290481634625}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'in': 0.1745932204735324, 'of': 0.15156073080061974, 'to': 0.09822978091941795, 'for': 0.07476497044001913, 'with': 0.060906926033567656, 'from': 0.059319501276139996, 'by': 0.05436898506559619, 'at': 0.04069269881055261, 'In': 0.039763258217630965}, {'a': 0.7434313717014963, 'the': 0.14440171489180043, 'A': 0.018198251532708376, 'The': 0.010037131724136167, 'this': 0.009739108919134657, 'long': 0.008605818160103468, 'first': 0.00750907515540996, 'and': 0.006788785458271984, 'tho': 0.006769922731584862}, {'will': 0.2166548672924551, 'could': 0.1754609513418169, 'did': 0.14020866444928448, 'would': 0.13569128533917724, 'does': 0.10181195725182804, 'do': 0.07029765414732518, 'shall': 0.042017314839491005, 'should': 0.037724646341013135, 'is': 0.03562033243342833}, {'and': 0.17846544087066393, 'of': 0.1401464055178964, 'by': 0.12465800386845477, 'in': 0.11706274868047867, 'was': 0.08491616378361372, 'with': 0.05168126556195147, 'for': 0.03960746086524464, 'are': 0.03806744920019565, 'to': 0.03747400085454148}, {'and': 0.17820719147019515, 'said': 0.10008608341045885, 'fact': 0.06463111504483349, 'stated': 0.052492415715762214, 'so': 0.04472464841362103, 'him': 0.03832311204077511, 'know': 0.03688219118396675, 'say': 0.02879367941366483, 'is': 0.028411351280419075}, {'of': 0.3351670808704084, 'to': 0.11288726788387751, 'for': 0.09156487395102207, 'in': 0.09068437458626684, 'and': 0.08434805484388251, 'with': 0.05824074315684445, 'by': 0.0380002932456616, 'from': 0.02974970630589798, 'at': 0.028470280746892618}, {'the': 0.2902872675751565, 'of': 0.26187449238774824, 'said': 0.0718368118704758, 'a': 0.04190664056261109, 'to': 0.03696333238877869, 'by': 0.03483977845900203, 'on': 0.03251442025812102, 'this': 0.023357675880367863, 'that': 0.023108556634637675}, {';': 0.03519258703309514, 'is': 0.02806698940804148, 'nothing': 0.022019415377701534, 'and': 0.016012407409114974, 'it,': 0.01454995319489002, 'are': 0.012674572394270065, 'one': 0.00998698113333571, 'was': 0.009781237236269846, 'time,': 0.009749140212829134}, {'the': 0.13723177695325187, 'of': 0.061039553174376426, 'and': 0.056244236275812654, 'a': 0.05386654839517731, 'to': 0.047834391118840774, 'in': 0.04598942818487854, 'for': 0.04162466543603511, 'be': 0.027713638798507495, 'his': 0.026039221364424176}, {'and': 0.04795466113697578, 'St.': 0.03725755465753522, 'of': 0.026741972398032478, 'the': 0.022938936131223428, '<s>': 0.019957663154975644, 'to': 0.01580658566546374, 'was': 0.01178262946492051, 'de-': 0.01017908864186749, '1': 0.008858805151771267}, {'and': 0.1520033924961169, 'to': 0.11138457829471794, 'he': 0.052734191036357944, 'of': 0.03899527105088295, 'in': 0.02953715637365874, 'the': 0.02846215666918684, 'was': 0.027299499167276732, 'that': 0.02489404027207233, 'for': 0.02429960089554172}, {'well': 0.1938079497694184, 'and': 0.07462199948568621, 'known': 0.07300477160773294, 'far': 0.06418935282669563, 'such': 0.04422764957258183, 'soon': 0.03860981763808526, 'is': 0.02291864355774428, 'much': 0.022125802883693268, 'just': 0.020742351838184056}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'of': 0.23744940515811186, 'to': 0.13765495756970322, 'and': 0.10731445195342944, 'in': 0.10368610387222954, 'for': 0.0685466972006188, 'that': 0.06524614446113153, 'by': 0.06347260401771712, 'with': 0.05558199335750724, 'on': 0.04607144519723148}, {'the': 0.1833429545668625, 'a': 0.12358202623391924, 'this': 0.08641728894295786, 'one': 0.06993320529092888, 'every': 0.04831694193090624, 'same': 0.038856618216652664, 'his': 0.03848195724737886, 'other': 0.037883105962249475, 'first': 0.027262551394017114}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'of': 0.42628063543277667, 'in': 0.11093960803636536, 'to': 0.08855932239543073, 'that': 0.03980216686543636, 'by': 0.0397695095377353, 'for': 0.03743149435633774, 'with': 0.032875808878424354, 'and': 0.026763022082789537, 'from': 0.02531232282537022}, {'and': 0.1668971413678411, 'annum,': 0.15452926601900602, 'on': 0.04297252899377735, 'of': 0.030128636820183134, 'day': 0.015663673541789595, 'or': 0.011647171762557754, 'that': 0.010464290481120702, 'sale,': 0.009878376225599238, '2': 0.009658031731908425}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'<s>': 0.0737564227314301, 'it.': 0.025967862778471885, 'them.': 0.019191931112452147, '.': 0.013279540623541223, 'time.': 0.01127163972525623, 'him.': 0.010926041359238638, 'country.': 0.010760418162670055, 'year.': 0.009413680958889557, 'day.': 0.008538766403993217}, {'he': 0.14062667540890222, 'I': 0.10427835779188732, 'it': 0.10194612060620975, 'It': 0.08891148014308155, 'He': 0.06481012835145525, 'and': 0.06388811587950975, 'there': 0.05978974145936909, 'which': 0.05334777999408077, 'who': 0.04688829823501403}, {'<s>': 0.06479341347831093, 'him.': 0.03212746342765584, 'it.': 0.03035989594518106, 'them.': 0.021124974021228444, 'time.': 0.014002158820969777, 'day.': 0.010416413063490561, 'home.': 0.009772002365494938, 'years.': 0.009666286347959017, 'work.': 0.009176794974136553}, {'or': 0.25549030560028374, 'not': 0.1661799319478901, 'no': 0.13565232649767792, 'and': 0.06805603105732574, 'a': 0.060626753542208124, 'the': 0.04973893735175931, 'with': 0.04573080966186002, 'of': 0.039897124905405666, 'much': 0.039740982642341674}, {'the': 0.16262722465144508, 'of': 0.09605398498772871, 'a': 0.05715369362136166, 'to': 0.047235583264201596, 'in': 0.04259210197915025, 'any': 0.04019520942918945, 'for': 0.038900184006499285, 'or': 0.03687117495452614, 'and': 0.03404792952970576}, {'make': 0.23705867292747554, 'for': 0.07601485972583245, 'get': 0.0751283352122347, 'made': 0.07051999372042794, 'and': 0.05459561665647009, 'find': 0.05372083476545237, 'that': 0.05304548174791888, 'have': 0.05247782380136245, 'is': 0.05012331924607896}, {'that': 0.2272656423127471, 'which': 0.1222280564518237, 'and': 0.10984665439155183, 'as': 0.09274921552413068, 'if': 0.08385651093980918, 'where': 0.04437199360789765, 'but': 0.042896301626791956, 'when': 0.040795897464418335, 'what': 0.04007901656267197}, {'and': 0.09233381274533453, 'is': 0.09159860064703555, 'as': 0.05966301852816687, 'was': 0.05409968109607313, 'able': 0.05360682836080113, 'not': 0.05165517376262169, 'enough': 0.044243515730632454, 'him': 0.04351057368283418, 'order': 0.04224418601102514}, {'a': 0.49326870324098787, 'the': 0.2297015899488107, 'of': 0.07821964445974977, 'in': 0.04923103732721463, 'with': 0.0369876724353251, 'and': 0.025570286344553026, 'The': 0.021759097865884276, 'much': 0.020933151358869077, 'to': 0.016637962475005947}, {'of': 0.18077679738610608, 'the': 0.1559272743690804, 'and': 0.09601630796904982, 'to': 0.059412081297750496, 'a': 0.05667907228123383, 'at': 0.033775379285002856, 'in': 0.03334072190547142, 'with': 0.03160455054947424, 'from': 0.02340509616710905}, {'of': 0.19825912095015508, 'to': 0.15441346324768607, 'with': 0.09475460075707538, 'in': 0.08898497387452378, 'on': 0.06646568406123408, 'and': 0.06208490199357122, 'by': 0.05984048103934014, 'that': 0.056687715809358705, 'upon': 0.051851780216271626}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'I': 0.2486360425431755, 'he': 0.1271960957102573, 'we': 0.09539812866305124, 'and': 0.07787887370706274, 'they': 0.0740835886493539, 'you': 0.0418384689066414, 'it': 0.04101692211321808, 'that': 0.04053783224706022, 'We': 0.03008456553294559}, {'this': 0.25902219166307455, 'the': 0.1634944628924113, 'same': 0.1137356940328012, 'that': 0.11036208717267149, 'in': 0.07943106769893372, 'some': 0.05333930562728552, 'to': 0.04800492878896548, 'of': 0.04400952003475401, 'first': 0.04376246147295469}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'those': 0.2658824414616335, 'men': 0.11645967355922188, 'man': 0.08569473629811737, 'and': 0.047773681216641085, 'one': 0.03867044019641657, 'Those': 0.028689753045041722, 'people': 0.024736670795668245, 'person': 0.02034764075664734, 'woman': 0.01882323061406154}, {'the': 0.32005376401260893, 'his': 0.19802653288260236, 'my': 0.07253805150067426, 'a': 0.0684428927259065, 'their': 0.058491937343448756, 'this': 0.04947473742447865, 'same': 0.039428880570902845, 'its': 0.039235113025556316, 'of': 0.026794468594040464}, {'he': 0.1567544532543673, 'who': 0.1113964501232211, 'which': 0.0990784154274578, 'they': 0.08224332976568315, 'it': 0.07610300502660913, 'that': 0.0648251738952421, 'I': 0.052608625393135565, 'there': 0.04462407111357327, 'she': 0.04310565680315067}, {'it': 0.15312842355074177, 'that': 0.11923243841284803, 'there': 0.10507744949736483, 'which': 0.08883159581557212, 'they': 0.07801793003795661, 'It': 0.06145949247801133, 'he': 0.05134743831789864, 'and': 0.04605478234465728, 'There': 0.03196137903636209}, {'as': 0.1525060730002132, 'and': 0.11080305813266471, 'of': 0.10981904166962939, 'was': 0.08934906175372666, 'is': 0.08758264701094907, 'in': 0.08331158792870476, 'such': 0.0787515442141892, 'with': 0.059889000748661145, 'to': 0.055984004244618434}, {'Board': 0.09936410144561732, 'line': 0.07928590464139411, 'number': 0.07213370060480571, 'State': 0.03628737513845649, 'city': 0.029761164061674443, 'state': 0.028936361475472037, 'side': 0.02656389803794973, 'County': 0.025604603910320496, 'county': 0.024614727623883323}, {'and': 0.10157102774094347, 'the': 0.09122431615124924, 'of': 0.06937510593114032, 'to': 0.054069919792003776, 'in': 0.0246398039617595, 'a': 0.022433970323812058, 'be': 0.02044559770278914, 'for': 0.019549674615020524, '<s>': 0.019162804942383163}, {'the': 0.3244962419123321, 'a': 0.10243836759784142, 'of': 0.0613758508554862, 'and': 0.05075948258027782, 'The': 0.03858913402282812, 'tho': 0.023494078515095485, 'an': 0.023313220327197914, 'in': 0.01929896037734395, 'to': 0.018036801853736493}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'part': 0.054171327453050845, 'one': 0.044075430459610855, 'out': 0.034843643868632986, 'side': 0.02308105024166887, 'that': 0.0221127105374085, 'some': 0.020602863065736155, 'end': 0.018207468701855592, 'members': 0.01809229430962648, 'portion': 0.015874572366495178}, {'reason': 0.3061224838875764, 'and': 0.13944491638363082, 'have,': 0.08320234102278892, 'see': 0.048767778655477476, 'understand': 0.04110090907279763, 'know': 0.03840763333930209, 'reasons': 0.03720360152580607, 'is': 0.03599669299756977, 'was': 0.024549391720008137}, {'the': 0.6739803815886432, 'his': 0.07820337052679169, 'The': 0.04739487089498331, 'of': 0.03459342001115628, 'a': 0.03247432814598957, 'and': 0.026582042176532778, 'tho': 0.025248413839404186, 'their': 0.017465571450399665, 'this': 0.015736879379116095}, {'years': 0.6579099930694715, 'months': 0.06353485283895569, 'the': 0.05278060510750664, 'to': 0.03145833256446042, 'year': 0.02943751876112808, 'and': 0.02586498831981692, 'of': 0.01638788482247938, 'weeks': 0.010125577236201336, 'days': 0.006718503039012716}, {'is': 0.18730298635833992, 'was': 0.11598735344382757, 'in': 0.10061197546576071, 'of': 0.08693873646308811, 'and': 0.0815204113294308, 'any': 0.07207551005043565, 'no': 0.06477497248057545, 'from': 0.05961862123327432, 'but': 0.055018710805590225}, {'is': 0.31622000847266185, 'was': 0.10874820678867453, 'have': 0.10167595790308881, 'be': 0.09985296577476588, 'and': 0.08018765344799206, 'had': 0.0762715505583318, 'will': 0.048124993582153545, 'has': 0.041001089948965855, 'Is': 0.04081862988824428}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.5066760590097356, 'a': 0.1733204649077584, 'great': 0.05366440779077913, 'The': 0.04182658661992257, 'full': 0.034728152321553823, 'tho': 0.027344053974658118, 'large': 0.025847933404863382, 'and': 0.023836633832050234, 'in': 0.020532850002142444}, {'he': 0.25981491934118656, 'I': 0.08405793608078993, 'who': 0.07174834627783062, 'she': 0.0678767875031033, 'they': 0.06749242667234533, 'He': 0.050300571710787896, 'and': 0.04761978300737486, 'it': 0.0409041384779508, 'have': 0.0342148883727183}, {'most': 0.34941390355033736, 'a': 0.15307176595699895, 'the': 0.15202841603775116, 'very': 0.06087704355628515, 'more': 0.05990993550933034, 'and': 0.04415807251217621, 'an': 0.03106831323166043, 'The': 0.031005075930280204, 'as': 0.030359710831951117}, {'it': 0.1562807757905685, 'which': 0.08494799871609857, 'and': 0.08112484806497348, 'It': 0.06907920063525162, 'there': 0.05956320554773866, 'they': 0.04587430296742804, 'who': 0.03479365750475869, 'we': 0.033141882320015616, 'that': 0.03109157477284084}, {'the': 0.3708960261102388, 'a': 0.2141789882506883, 'of': 0.12732913622663825, 'The': 0.05672956168366906, 'and': 0.05279410775359576, 'with': 0.03139493880680284, 'A': 0.025686531506066857, 'tho': 0.0231345393032176, 'by': 0.018445233693683595}, {'the': 0.379361648132597, 'a': 0.1573615792032771, 'to': 0.13744952847222486, 'The': 0.08088715005258022, 'tho': 0.03908475507128375, 'his': 0.03497562091132125, 'and': 0.022903508646631147, 'con-': 0.022414432174151015, 'tbe': 0.019644105625501028}, {'it': 0.14155552708660848, 'It': 0.11700690769247714, 'he': 0.08185706704988678, 'there': 0.08136382184138825, 'which': 0.07309213213367458, 'and': 0.07039861087872316, 'This': 0.06453815466870469, 'that': 0.04136569905025386, 'I': 0.034419557620532046}, {'is': 0.23884561719065334, 'as': 0.12367745790562813, 'a': 0.09549271277733017, 'was': 0.09539858096109323, 'are': 0.08408028559955177, 'and': 0.06361264285982492, 'very': 0.06144163478688276, 'be': 0.05745959040052644, 'the': 0.048307927971172476}, {'is': 0.19537373390657414, 'was': 0.15904947668337782, 'and': 0.14727435939267863, 'not': 0.10958749195110504, 'are': 0.04456025134028755, 'be': 0.04211504650982181, 'but': 0.041467080140654845, 'Is': 0.03951547477292417, 'were': 0.03365009629946431}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'in': 0.2979480304713261, 'of': 0.17642934552210737, 'In': 0.15955295943180542, 'on': 0.07551324193966288, 'and': 0.0460725577049649, 'to': 0.04128314987872799, 'for': 0.03758285215292631, 'during': 0.028413795483605488, 'from': 0.02137720399842637}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'of': 0.3072969499721893, 'to': 0.12945870990024647, 'for': 0.08818121799861044, 'that': 0.08294654908813585, 'in': 0.08067407524799963, 'and': 0.07303173100986496, 'with': 0.0696198140157466, 'by': 0.04635259115321775, 'is': 0.03198027066294646}, {'he': 0.18055766879083054, 'who': 0.12992227414566918, 'they': 0.09255342099720834, 'and': 0.06865632448917997, 'I': 0.06711570946110584, 'which': 0.06613032558456249, 'it': 0.04490527581223765, 'she': 0.04417005303011508, 'have': 0.04131021899925751}, {'a': 0.39832016695094047, 'the': 0.30751801082026936, 'The': 0.06972984593070043, 'his': 0.029340171192153874, 'of': 0.02365469109332565, 'this': 0.02156170190974156, 'A': 0.021403406982241566, 'and': 0.021083984393522402, 'tho': 0.019550438878221103}, {'the': 0.26386487884259074, 'to': 0.12361828198863374, 'this': 0.08898750466880334, 'a': 0.04774526802632109, 'tariff': 0.04196945833268161, 'and': 0.0348848178665014, 'appropriation': 0.033672127881831854, 'one': 0.030612864158062195, 'that': 0.026049759252888587}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'as': 0.07653536789588725, 'up': 0.058082029856746084, 'and': 0.050012696291922135, 'according': 0.045146457065212635, 'back': 0.04305444766518194, 'him': 0.04296703795764854, 'returned': 0.042403197316746265, 'went': 0.037647498440129386, 'came': 0.03758355535096892}, {'of': 0.38833438360276895, 'to': 0.14963290914733432, 'on': 0.10472895268994922, 'in': 0.08758682948289853, 'from': 0.06956164242316751, 'at': 0.04248555068099884, 'by': 0.04052297494625603, 'that': 0.03780092843458103, 'and': 0.02865256824374711}, {'to': 0.18034498965184734, 'I': 0.10916988708584725, 'would': 0.10470460307587337, 'they': 0.09079676513117406, 'we': 0.08261930753046381, 'who': 0.06432076887909, 'will': 0.06083687540420752, 'you': 0.045461924317344304, 'and': 0.040858231288966665}, {'the': 0.18429876517835045, 'and': 0.08843759171311386, 'of': 0.07663617656408815, 'to': 0.04223975634184322, 'a': 0.03564892647174103, 'be': 0.03481217281456506, 'was': 0.031569774611377284, 'is': 0.030963477285191186, 'in': 0.029395684971274667}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'the': 0.1758578393241592, 'and': 0.053932688119202855, 'come': 0.049215121465344625, 'go': 0.046322826746120704, 'came': 0.045718494179560684, 'get': 0.04481637331959414, 'or': 0.04213214288778993, 'them': 0.0419045553999768, 'it': 0.030493137126144147}, {'and': 0.19310629210976768, 'I': 0.10663516736333101, 'will': 0.08758301070306083, 'was': 0.0820571152926859, 'have': 0.06528609783424323, 'had': 0.06368338745397033, 'he': 0.0611399970829633, 'is': 0.05294192941079159, 'has': 0.05244134908327832}, {'of': 0.46811083057216296, 'to': 0.11489292617825242, 'in': 0.1079460825477833, 'that': 0.05678398129787518, 'on': 0.05428748762596034, 'by': 0.0474168521019057, 'and': 0.031589176916942956, 'from': 0.02876506876514539, 'for': 0.026857417096748992}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'is': 0.19047487541805921, 'was': 0.17380989530226099, 'be': 0.10983645176342655, 'are': 0.09041167133863545, 'not': 0.059385167110602516, 'were': 0.0538646241652312, 'and': 0.04769133900975679, 'been': 0.034617430258870624, 'Is': 0.03256559442005803}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'to': 0.14725202905521348, 'and': 0.1013770172677398, 'of': 0.05655422207324338, 'the': 0.04377974260988957, 'in': 0.03316989225809315, 'is': 0.027777956639993412, 'I': 0.026394129623984682, 'for': 0.024161795534143545, 'not': 0.02380444508067005}, {'a': 0.23639897635975599, 'the': 0.15949921622662724, 'and': 0.08085654722921877, 'of': 0.0706280010827414, 'was': 0.05211349257237308, 'be': 0.043066576866118755, 'is': 0.03689632472781989, 'with': 0.027194678795832452, 'been': 0.022902813714315563}, {'the': 0.14962678780820216, 'of': 0.08604074088301586, 'and': 0.08480420098429843, 'to': 0.07845852188763244, 'a': 0.07302671737719092, 'be': 0.03887004797807985, 'in': 0.03478430415599281, 'was': 0.02944191640659463, 'is': 0.02853576437991061}, {'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.0971022252445101, 'held': 0.05799136178026218, 'arrived': 0.05159134057082828, 'Beginning': 0.03795327123850095, 'was': 0.03275559238345981, 'Dated': 0.03028840882536308, 'sold': 0.029575608143068612, 'arrive': 0.02886001705922396, 'made': 0.02580253970478441}, {'the': 0.29036878047859227, 'of': 0.23999548780773364, 'and': 0.061828954480006526, 'to': 0.03556574194586122, 'The': 0.03014833832075626, 'for': 0.02965960160634555, 'our': 0.02395081863558375, 'in': 0.019386808415774524, 'its': 0.01810595067048357}, {'there': 0.014300142901317267, 'him': 0.010929952930330186, 'it': 0.010412845708515882, 'it,': 0.009336560476770402, ';': 0.009191434541226036, 'in': 0.009130210064387094, 'good': 0.008622490182413919, 'one': 0.008161515533381961, 'him,': 0.0072390710910030945}, {'it': 0.07150409328946551, 'and': 0.05704197564360468, 'It': 0.052699776417567325, 'of': 0.04283620084912755, 'at': 0.023548346241207364, 'the': 0.02304206427792915, 'for': 0.021569790453252902, 'to': 0.021316766723181908, 'on': 0.021139484929153834}, {'in': 0.03101623361434271, 'up': 0.01582154412440867, ';': 0.014067612726466035, 'time': 0.014004731293883382, 'it': 0.013775484504545544, 'it,': 0.01258434460151599, 'him': 0.011800367675676993, 'out': 0.0117711490704314, 'them,': 0.01065488989051724}, {'and': 0.19919561381215123, 'but': 0.04068130110455786, 'are': 0.038713046251883404, 'is': 0.03151976902509279, 'was': 0.030579037134156453, 'men': 0.028706102525477298, 'people': 0.02142762185117583, 'w': 0.020991326211750313, 'that': 0.02096104016518247}, {'and': 0.24047947484732543, 'of': 0.16272398418054776, 'to': 0.07954134045552311, 'with': 0.07689176969877867, 'that': 0.06562564618597691, 'by': 0.06300679392980926, 'in': 0.053894551728899294, 'from': 0.028242582090959693, 'on': 0.024460146527050957}, {'to': 0.5336777392495776, 'not': 0.08410614058426202, 'I': 0.05955064544067557, 'we': 0.058425715597833994, 'you': 0.048898483081883985, 'would': 0.045351965204502215, 'will': 0.04255069888387827, 'they': 0.038291787950982946, 'can': 0.034578859962520324}, {'long': 0.1524826566203097, 'well': 0.10582706745173263, 'large': 0.08176701025717494, 'not': 0.08052433893005265, 'and': 0.06823837603038249, 'was': 0.06018451169256567, 'is': 0.057882231623896906, 'far': 0.04627636180995756, 'strong': 0.039772576419133884}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.2069885337346598, 'of': 0.14305720254453752, 'to': 0.06915223271549376, 'and': 0.06430864164512336, 'for': 0.02535815540787492, 'both': 0.022548672008783483, 'with': 0.021655325857815193, 'by': 0.02148142520190017, 'his': 0.0173692817324359}, {'of': 0.10776129153790669, 'for': 0.08074144701439635, 'and': 0.08041858598009824, 'to': 0.07819003422627391, 'that': 0.05559806258316695, 'with': 0.027865401758657943, 'by': 0.027483725892709043, 'it': 0.015993606039687552, 'have': 0.015034085427899685}, {'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.14631048417335893, 'was': 0.14356372607104684, 'of': 0.09972075370706997, 'with': 0.09109763935833168, 'in': 0.07863246567986985, 'to': 0.07168743581847595, 'and': 0.069364780567358, 'had': 0.0571441095819436, 'for': 0.054426027020658414}, {'that': 0.24821967687783802, 'and': 0.08599852367001493, 'as': 0.05967318538052732, 'but': 0.05259829884960854, 'if': 0.04086933604580246, 'which': 0.033230133551324856, 'what': 0.024679577372951518, 'when': 0.022548774703447873, 'think': 0.018688840488799773}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.3344464585794344, 'has': 0.14230804871217262, 'have': 0.0999858720049085, 'and': 0.09666052752024466, 'had': 0.09278943671957726, 'will': 0.05659381584420397, 'would': 0.03177206240361697, 'shall': 0.023528228503772765, 'may': 0.022520171357382712}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.32253070130870287, 'to': 0.10107790310172926, 'in': 0.07761944657018059, 'and': 0.063191964425746, 'for': 0.04898951220475868, 'by': 0.047321934433427845, 'on': 0.04524995466812564, 'that': 0.04385250283450068, 'In': 0.033401653835732285}, {'the': 0.11352391545054175, 'to': 0.09815963805342452, 'of': 0.0850020236558275, 'and': 0.06347619581312856, 'was': 0.05129787898650899, 'a': 0.042053296188184736, 'be-': 0.04202969217441615, 'is': 0.03458193941556512, 'be': 0.02901718958899981}, {'amount': 0.09105737429807864, 'sum': 0.09060922440944381, 'number': 0.08133953769245172, 'out': 0.04780871049239737, 'rate': 0.04092232799439271, 'instead': 0.030564341380371545, 'one': 0.027399658053365302, 'that': 0.0269598218784075, 'question': 0.026514715694744166}, {'of': 0.6527974146962021, 'to': 0.07819607258369511, 'by': 0.06046801125871758, 'in': 0.044293443297225434, 'that': 0.030929501680988687, 'and': 0.026260873172181984, 'with': 0.021443129079386145, 'on': 0.016425541133987722, 'from': 0.01574981926956509}, {'<s>': 0.052257336318168625, 'it.': 0.03724365812108248, 'you.': 0.024592681333367786, 'them.': 0.018134845067550774, 'and': 0.014261324387823794, 'him.': 0.011612367231901727, 'me.': 0.010029531908925202, '.': 0.009807180846435953, 'time.': 0.008577510685489991}, {'in': 0.3645554503887836, 'the': 0.1536740081942775, 'no': 0.07595148359376704, 'In': 0.06901379985181723, 'of': 0.05926017020802909, 'a': 0.05600450143579234, 'such': 0.03835975139621405, 'any': 0.032800558570503804, 'and': 0.02774603026616894}, {'is': 0.2183902187530133, 'was': 0.14558293206455078, 'the': 0.11706078318659761, 'and': 0.09813824845447051, 'in': 0.08232729154312114, 'of': 0.06776158103270107, 'are': 0.047337297491760605, 'a': 0.043875179963373485, 'it': 0.04343283746139891}, {'the': 0.4351312769119957, 'this': 0.06793021823545918, 'such': 0.0650441615942543, 'a': 0.05930594598613141, 'and': 0.04985004508610359, 'of': 0.04525817653856767, 'The': 0.04162985005860551, 'any': 0.03752447081991342, 'other': 0.032647942023550564}, {'the': 0.17449284912023427, 'of': 0.10676348660083244, 'to': 0.07488042609148932, 'and': 0.06429639928851351, 'be': 0.0489122120820973, 'a': 0.048761386815566556, 'was': 0.032603816801878294, 'in': 0.03024653822957519, 'is': 0.028775473331369327}, {'a': 0.20851855148356085, 'of': 0.13345727205573815, 'the': 0.09959003314116642, 'in': 0.06258190801586, 'to': 0.0422531327055006, 'for': 0.03840831852486408, 'and': 0.034029472799265555, 'that': 0.0319879893462401, 'which': 0.022003078118622624}, {'in': 0.624904515661844, 'In': 0.2524376501294496, 'of': 0.02922917243201194, 'the': 0.019654751588008595, 'by': 0.013765389453660471, 'iu': 0.01170383060687917, 'and': 0.00949949718752816, 'for': 0.009102651863676068, 'to': 0.005233265981759285}, {';': 0.05766231095021249, 'it,': 0.02598965548293333, 'doubt': 0.022591871158319354, 'him,': 0.020198693274383735, 'is': 0.019087778829476012, 'time,': 0.012237890125522228, 'them,': 0.010652985417470798, 'nothing': 0.010241554814256294, ',': 0.010233446436838739}, {'<s>': 0.022499727028016617, 'it.': 0.02105717214145367, 'them.': 0.017369010682473693, 'him.': 0.009663504143901791, 'time.': 0.008038111784639075, '.': 0.007813010622825608, 'years.': 0.007090761514084601, 'year.': 0.00708299219934268, 'day.': 0.006086688330502377}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'of': 0.345354851079645, 'in': 0.19180482092149026, 'to': 0.0997616550666239, 'and': 0.04829808825758038, 'that': 0.04339326992566973, 'In': 0.042663785058800474, 'by': 0.04022419909313971, 'for': 0.036815825604553265, 'with': 0.035198935752645696}, {'be': 0.15995158886672464, 'I': 0.12727887524467454, 'he': 0.10709276502799532, 'they': 0.0934701334376097, 'was': 0.06329293071313412, 'been': 0.05366800340419412, 'not': 0.05237670783147237, 'and': 0.051452149194437045, 'ever': 0.04742196768177997}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.15392683342081454, 'of': 0.11696063921320592, 'and': 0.0643086592892909, 'a': 0.041893563697354946, 'to': 0.04076405840085335, 'at': 0.03078721516122707, 'in': 0.028485842252740826, 'be': 0.023325502547114584, 'his': 0.02164167695368225}, {'and': 0.07302568087150145, 'made': 0.067031529566562, 'that': 0.035537362071332755, 'here-': 0.03207262476684831, 'or': 0.026155240150310118, 'taken': 0.023306414980990335, 'up': 0.021674489273852727, 'owned': 0.019733568430211144, 'done': 0.01951278356377978}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'in': 0.1744060665743314, 'of': 0.15104907419014874, 'to': 0.12622657821454386, 'with': 0.10174965633760213, 'as': 0.08418792949895187, 'and': 0.060055787297458, 'is': 0.057805160423358315, 'for': 0.057190881307148916, 'at': 0.044435056567219924}, {'<s>': 0.10409257247658191, '.': 0.01629472685788161, 'it.': 0.013349865086300842, 'them.': 0.01024467723845651, 'day.': 0.006642913671782783, 'him.': 0.006125928323822358, 'time.': 0.006115328645492451, 'of': 0.005993793787391952, 'country.': 0.005459360659878668}, {'last': 0.25138966058595097, 'the': 0.11801987526768468, 'Saturday': 0.09830518819406978, 'at': 0.0978441046396223, 'Friday': 0.07537045586033811, 'Last': 0.06441810632997166, 'of': 0.052339243356908614, 'Thursday': 0.04980494996160808, 'that': 0.042304890081258296}, {'those': 0.13458761287935264, 'man': 0.10458373215952653, 'one': 0.07441187520761064, 'men': 0.07287380613152587, 'and': 0.05894150640820288, 'people': 0.0335846502028247, 'person': 0.022725908930146546, 'all': 0.02217336885671605, 'woman': 0.02207660170117168}, {'and': 0.11688733579682299, 'was': 0.06500890083756004, 'is': 0.046324142833373445, 'up': 0.030773113555138693, 'it': 0.02991201168220065, 'made': 0.02633708248672102, 'put': 0.02603131450301969, 'placed': 0.025678045752279336, 'that': 0.024799280543645462}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.1871653803405615, 'a': 0.09535969200908778, 'of': 0.08952166370109445, 'and': 0.0759493740756735, 'to': 0.07082553834680072, 'in': 0.03564941614839174, 'The': 0.023978213148732747, 'for': 0.02349615756810381, 'with': 0.022376323056426995}, {'and': 0.12191308971384847, 'go': 0.06007616089528806, 'passed': 0.049845824324114094, 'as': 0.04087415686096673, 'it': 0.040557519174511815, 'near': 0.03900636349201508, 'gone': 0.038822261987578155, 'made': 0.03688388110563165, 'left': 0.03365582540520033}, {'of': 0.23242364989283146, 'and': 0.13018984519073115, 'to': 0.12757496417421216, 'in': 0.09364898080094657, 'with': 0.058168745037064595, 'the': 0.038853689618620076, 'from': 0.037667986141185175, 'all': 0.03698320631879049, 'is': 0.03660941711202971}, {'to': 0.19289066388018347, 'and': 0.15150564031531022, 'of': 0.034325449051798046, 'I': 0.032123311600779615, 'the': 0.026532316743659502, 'had': 0.02476771874406759, 'who': 0.024096268873853327, 'would': 0.02400901055048154, 'not': 0.02355560963511118}, {'the': 0.16234513936615488, 'of': 0.11106043701570974, 'a': 0.08499633956275764, 'to': 0.05265293921329027, 'on': 0.052609384587084, 'and': 0.05130435405517794, 'in': 0.03185303199294547, 'by': 0.02166566925347038, '<s>': 0.02112413709656693}, {'be': 0.2897911383890577, 'was': 0.16554393502737258, 'been': 0.11063168269937919, 'is': 0.08553978739684229, 'have': 0.05494101196851302, 'are': 0.05298072414894357, 'were': 0.05154576629546893, 'has': 0.04002121790729057, 'had': 0.039530221899688}, {'the': 0.22834327205068242, 'of': 0.1239320610937626, 'and': 0.08971296411835672, 'to': 0.06904748129729005, 'a': 0.045334692660508595, 'his': 0.03856663385598795, 'their': 0.03856147679546265, 'be': 0.03802035505045554, 'in': 0.037035741084468166}, {'the': 0.12913940187976555, 'and': 0.09887743885026122, 'of': 0.09791876961268554, 'to': 0.06024844623043222, 'is': 0.0320518745773254, 'a': 0.03175333081678218, 'in': 0.028960843208538846, 'was': 0.02836824492548806, 'be': 0.02738026124647475}, {'June': 0.23903547523580265, 'July': 0.08897690249156616, '10,': 0.08624983298891452, 'March': 0.07305600400021159, 'of': 0.05474592026573182, 'April': 0.051928429381443965, 'May': 0.04610856767265852, 'November': 0.03826985303670323, 'August': 0.03587922498822152}, {'of': 0.2948633407919216, 'and': 0.11691326412674899, 'to': 0.10966754202432835, 'by': 0.0753867135583553, 'in': 0.06013864820620998, 'that': 0.05486171137344591, 'from': 0.046105157392024344, 'on': 0.04590791570429878, 'with': 0.03443088802644954}, {'<s>': 0.09495728095163433, 'it.': 0.019187327288833163, 'them.': 0.010812607628424667, 'him.': 0.009626944095647294, 'time.': 0.007882876402038129, '.': 0.00773508284410989, 'country.': 0.0064835288237370375, 'day.': 0.006425278182108554, 'of': 0.005425522854286954}, {'and': 0.1096844958352267, 'there': 0.07426730621258529, 'to': 0.04461583323353318, 'of': 0.04182800962561457, 'he': 0.03745814248260434, 'the': 0.035787026938489154, 'or': 0.03459093899790713, 'I': 0.03400750255976085, 'is': 0.030388116994847992}, {'and': 0.09502610714473127, 'was': 0.039115933512883665, 'file': 0.03793161480729625, 'that': 0.03677615297718056, 'made': 0.036700071003269344, 'is': 0.028467206571729985, 'but': 0.025417173018204134, 'people': 0.02535799418564111, 'them': 0.021456971778778814}, {'of': 0.31057004615865164, 'in': 0.2289263045814768, 'to': 0.11434751199212813, 'In': 0.07488495411458626, 'from': 0.0477111810082927, 'and': 0.03951964305168125, 'by': 0.033636207857094494, 'that': 0.031048104792119963, 'for': 0.030991208881971752}, {'the': 0.13829652800248038, 'of': 0.13314967560756608, 'to': 0.08765979379314573, 'and': 0.0680629456448327, 'a': 0.05227370069409361, 'for': 0.044657669484488724, 'in': 0.044180687430289765, 'his': 0.028056677276102764, 'be': 0.024323442303016297}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'is': 0.1763719029968385, 'that': 0.12932758461471372, 'was': 0.10136266911341135, 'do': 0.07901279396782403, 'and': 0.07170798977790532, 'have': 0.0614698547391945, 'for': 0.05859026691028432, 'are': 0.05394139568201449, 'be': 0.05155834227555773}, {'of': 0.08394569377262869, 'the': 0.06027455818801812, 'at': 0.03564773597850785, 'by': 0.02948021694818257, '.': 0.026247628750735823, 'in': 0.0216376419418099, '<s>': 0.017854542585789095, 'and': 0.016283069124354666, 'to': 0.01619053788407947}, {'and': 0.1045357706690972, 'was': 0.05218718960466644, 'is': 0.03657150985211025, 'up': 0.03179270443429782, 'it': 0.02923103566595117, 'that': 0.02886269927075706, 'made': 0.027230083034585482, 'them': 0.025847958332647383, 'him': 0.025322456750032085}, {'No.': 0.08027398460738713, 'at': 0.07411375804889735, 'U.': 0.06501018349989322, 'of': 0.0476154270564601, 'to': 0.04049994954719877, 'and': 0.03732999672871396, '.': 0.02510166855007854, 'lot': 0.025002718692694083, 'in': 0.021158637780222332}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'of': 0.30994454783082254, 'in': 0.2544946192009245, 'to': 0.09155177147708662, 'In': 0.06414797740941518, 'and': 0.04663885004576703, 'from': 0.04532860711799278, 'by': 0.037659069513871726, 'between': 0.03189888705459899, 'for': 0.0253518256381956}, {'the': 0.3270821656427877, 'of': 0.09715240537725182, 'to': 0.03761957454838053, 'by': 0.031871421483890106, 'said': 0.030265319491125955, 'and': 0.029264461744383203, 'minutes': 0.02472764444961423, 'in': 0.02372650629791522, 'tho': 0.023487302681795757}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'at': 0.41046390606549377, 'for': 0.1241892521476921, 'of': 0.08653265867232679, 'to': 0.07311180760112604, 'and': 0.04951003857448994, 'At': 0.04615892506149071, 'during': 0.04056363092681147, 'that': 0.039870674433797784, 'in': 0.039495314294298096}, {'and': 0.17355061889646614, 'so': 0.06935403040822583, 'fact': 0.06789907401981579, 'know': 0.047823975997225585, 'said': 0.03967989481688331, 'is': 0.03944023843191859, 'say': 0.03892067336491671, 'but': 0.027514389919103346, 'believe': 0.023789699405874755}, {'two': 0.11678524987492196, 'many': 0.11374443877837201, 'three': 0.10151707372292648, 'of': 0.0824102096473704, 'five': 0.08017861656321935, 'for': 0.07986894153604635, 'the': 0.0705238763957862, 'four': 0.0657557210339213, 'several': 0.04623201362736355}, {'to': 0.11495506970688947, 'and': 0.0918393574270878, 'of': 0.05425215205235922, 'the': 0.038148505989931185, 'is': 0.033204246463063636, 'in': 0.0295109246546491, 'was': 0.028580498797366398, 'con-': 0.02505349819126404, 'will': 0.023876091631703095}, {'the': 0.34588564923650417, 'his': 0.2351336246548013, 'their': 0.07867082994968273, 'her': 0.05187543849067503, 'a': 0.0470500791323533, 'of': 0.04267330794984379, 'to': 0.042464116315865046, 'my': 0.03778629281969898, 'its': 0.02544934842373389}, {'the': 0.5769799971176519, 'this': 0.16724613205338887, 'The': 0.05474645723565438, 'a': 0.031774992699471906, 'that': 0.030124753339987452, 'tho': 0.028366917296700683, 'said': 0.02297282675736045, 'and': 0.019769704576787013, 'our': 0.018760096699388853}, {'the': 0.5289099733525486, 'a': 0.17622590255672835, 'of': 0.07427028049427084, 'for': 0.048024587481938205, 'and': 0.04096642624002774, 'The': 0.025695843829803146, 'or': 0.018535040281395115, 'tho': 0.01596465502279763, 'that': 0.013974340424194105}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'the': 0.4931659253280192, 'of': 0.09965116839032594, 'and': 0.05861881900696958, 'this': 0.05483651502865448, 'a': 0.02876921212089857, 'White': 0.021050928965849102, 'every': 0.02012780022125299, 'tho': 0.020078660065980396, 'for': 0.019419618152464953}, {'the': 0.7685170704352916, 'tho': 0.04324574429411829, 'a': 0.028451779007911127, 'our': 0.020592881199472623, 'of': 0.020146949025225017, 'his': 0.015476535172498678, 'their': 0.015412338676201084, 'tbe': 0.014326613331658185, 'its': 0.012246440779766844}, {'virtue': 0.07372054838507916, 'out': 0.0643582522520695, 'part': 0.03907743667416268, 'one': 0.035272612243984924, 'quarter': 0.03209168295079266, 'favor': 0.02368434909271157, 'result': 0.023120733291221517, 'guilty': 0.022440380223500818, 'means': 0.021974823725644504}, {'to': 0.26021343799608887, 'will': 0.16913488470693602, 'not': 0.09323827939579311, 'would': 0.07653993433254973, 'should': 0.06156214033179729, 'and': 0.05553913157589296, 'they': 0.049625266693007125, 'may': 0.045764003153568704, 'must': 0.04364652080465629}, {'the': 0.18904146249982215, 'of': 0.0771063005535104, 'a': 0.05600326630290989, 'and': 0.047798211684363656, '.': 0.029010662559295377, '<s>': 0.025765792099870906, 'to': 0.024005111360843035, 'The': 0.022948741766947316, 'in': 0.01708266345469319}, {'the': 0.1522511463201571, 'of': 0.09157053336721196, 'and': 0.07519283507162447, 'to': 0.06936163942185535, 'for': 0.025437769266404713, 'in': 0.02511178674697422, 'be': 0.02324888726795875, 'is': 0.02045281164709818, 'was': 0.01868950220535144}, {'of': 0.367057887122833, 'to': 0.08981490958751977, 'and': 0.08459260769817352, 'that': 0.07886453259095148, 'in': 0.06698520626950424, 'with': 0.06259041839880075, 'by': 0.04846675327098943, 'for': 0.04833160538307392, 'from': 0.03887866654377811}, {'and': 0.1979556850251264, 'he': 0.1334342052852197, 'one': 0.08040582481324637, 'that': 0.045166992218229084, 'who': 0.04357784839037812, 'it': 0.03522826301701652, 'which': 0.03372359053418443, 'as': 0.028666799922473646, 'He': 0.02823908065400825}, {'of': 0.27432781222827435, 'in': 0.14003834761872794, 'to': 0.10459533569551219, 'with': 0.06756455085943039, 'and': 0.06584004752095096, 'that': 0.06047918952516163, 'for': 0.05757869356193264, 'by': 0.05153374845733601, 'is': 0.049742551031037516}, {'and': 0.18352062040014955, 'is': 0.09166442791265868, 'have': 0.08051928028627293, 'he': 0.0754548776249567, 'who': 0.06814373306662037, 'was': 0.060141547496018806, 'be': 0.05532896841060074, 'they': 0.05169925791760588, 'has': 0.05013281460408892}, {'of': 0.07418846753538352, 'the': 0.0733310057672861, 'and': 0.0664307410246897, 'to': 0.04202912982382629, 'at': 0.023142462483843544, 'was': 0.018870533707677595, 'or': 0.016773790655110112, 'on': 0.015629004683024632, 'that': 0.013859847727620831}, {'was': 0.15735558431337443, 'be': 0.14928598762037634, 'and': 0.09513773141552345, 'is': 0.08478583287962095, 'he': 0.07455482923788674, 'been': 0.07314975219774446, 'as': 0.04537715042456962, 'He': 0.031715537345343325, 'were': 0.02678345083311962}, {'of': 0.4203723897728221, 'to': 0.07143967157178677, 'that': 0.07100100912070248, 'and': 0.065419849006016, 'by': 0.06498755099647521, 'with': 0.05189404898117819, 'in': 0.050189563401674374, 'for': 0.04490145295036294, 'from': 0.03526820244401298}, {'of': 0.2861523254895883, 'to': 0.10321234554586928, 'with': 0.08251806662610496, 'and': 0.0804887446776547, 'is': 0.07408477594889004, 'in': 0.070463579929481, 'that': 0.05262063137701935, 'by': 0.049366110960523776, 'for': 0.04911385848964588}, {'the': 0.7007229254945226, 'The': 0.09603930643019132, 'tho': 0.04385345020639006, 'a': 0.03806709758061269, 'his': 0.029210733609276906, 'tbe': 0.01548703296921169, 'this': 0.015181512155030238, 'my': 0.014365905564585555, 'their': 0.009977923043597335}, {'the': 0.43864430960110407, 'this': 0.20981092743523755, 'said': 0.09275529269774241, 'a': 0.0824273742615527, 'that': 0.022190618118582556, 'tho': 0.02199445588090531, 'and': 0.013722284171218865, 'our': 0.01255781025586293, 'York': 0.012329526314982697}, {'of': 0.11042024303983985, 'and': 0.08253083608803045, 'the': 0.0508165355895655, '.': 0.02760535075094488, 'to': 0.02413662267289477, 'Miss': 0.015233282977006442, '<s>': 0.013232270403504144, 'No.': 0.011710928452858071, 'by': 0.011154692002690756}, {'and': 0.1467092554436891, 'that': 0.13106438111220936, 'which': 0.10580415163151372, 'as': 0.08959097267426626, 'when': 0.07711388771312357, 'but': 0.06476093130582831, 'if': 0.05012572424153229, 'where': 0.04798306558603934, 'because': 0.03462130052886978}, {'there': 0.17325832794825144, 'It': 0.14181484733718705, 'it': 0.13288715342556368, 'he': 0.09577301893185082, 'There': 0.09058570387101156, 'He': 0.06070576913767257, 'and': 0.039403713064086215, 'I': 0.03799639732631583, 'which': 0.03212936685032044}, {'they': 0.22358471294588317, 'we': 0.07475282149621014, 'and': 0.07002988382383347, 'which': 0.06133505858907235, 'They': 0.05812782855628856, 'who': 0.044921519110594374, 'that': 0.04222111400562072, 'men': 0.033782534717848804, 'it': 0.023043559641445555}, {'from': 0.20131547411182804, 'and': 0.15918086788722388, 'or': 0.1251399381052168, 'of': 0.07438810227816299, 'in': 0.05671627927588514, 'for': 0.054112985825790785, 'with': 0.044506467241967294, 'to': 0.03849457147846227, 'are': 0.035931634492597675}, {'be': 0.26839854394081397, 'was': 0.23357763778983465, 'been': 0.1548763663642022, 'were': 0.07764388181707615, 'is': 0.07154617522720606, 'are': 0.04286892099564966, 'being': 0.030789875638892995, 'and': 0.021286372557042972, 'bo': 0.01833952053208525}, {'of': 0.18629311801755571, 'in': 0.1625378114559723, 'the': 0.15893777194924638, 'to': 0.06464619155077936, 'a': 0.0637448033243502, 'In': 0.040416013965049805, 'and': 0.03705980124690563, 'from': 0.024272727570619337, 'that': 0.01878582407196309}, {'thousand': 0.26291584380314875, 'of': 0.1649178726103725, 'hundred': 0.11463054286794565, 'million': 0.08026096148102245, 'fifty': 0.04386775329857883, 'many': 0.030879526730180455, 'billion': 0.02403810103182328, 'few': 0.019824489464008884, 'five': 0.018188039894911807}, {'the': 0.34121937632278615, 'this': 0.187749332496164, 'an': 0.08400554565216337, 'that': 0.08065033067147181, 'The': 0.06440040576003941, 'and': 0.033595689579075085, 'to': 0.030875402454419793, 'This': 0.026263362934983676, 'An': 0.02572462030409141}, {'it': 0.2904023138352925, 'It': 0.2103590746577736, 'which': 0.05863457362150445, 'he': 0.05800080043623133, 'and': 0.04295647569522083, 'that': 0.04287749312710154, 'who': 0.02064545960646564, 'He': 0.02039875485183287, 'this': 0.01988689525588858}, {'the': 0.16679090762146592, 'of': 0.08629539294842538, 'and': 0.07317777540058552, 'to': 0.05084492952879753, 'a': 0.02693579910678612, 'in': 0.026338097742654557, 'is': 0.024061514369103677, 'that': 0.023762446333763357, 'as': 0.022602758357074468}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'the': 0.1873830439526333, 'of': 0.10165320332316363, 'to': 0.07121158975065293, 'and': 0.06239695364163807, 'in': 0.035446901840830145, 'for': 0.035173487692861834, 'be': 0.028874204567123713, 'was': 0.021018146370974093, 'is': 0.019131692790431924}, {'the': 0.3813963774907326, 'in': 0.2638553331609269, 'a': 0.13808149507227863, 'In': 0.06879686995216486, 'The': 0.018686418959197083, 'this': 0.01852221435635041, 'any': 0.017056101578291783, 'tho': 0.016584404329501205, 'every': 0.016191118536618167}, {'and': 0.057921268277516355, 'made': 0.05720454238099223, 'or': 0.027667855811310166, 'that': 0.018011544704181506, 'him': 0.017558990673212004, 'followed': 0.017527595302827884, 'owned': 0.017473857763875875, 'ed': 0.01667035337328131, 'accompanied': 0.016387667436576978}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'he': 0.23553224907941014, 'I': 0.17008181233288078, 'they': 0.08742107021793823, 'have': 0.06947335956894816, 'she': 0.06548906549434465, 'and': 0.06110483819534817, 'who': 0.0553916419963434, 'He': 0.05239581807748841, 'has': 0.04139761776396965}, {'and': 0.06819809244914152, 'as': 0.04887395506191082, 'him': 0.04242818677243905, 'is': 0.041826744063308, 'able': 0.03922319784406769, 'was': 0.03915541671108323, 'went': 0.03578983021985526, 'had': 0.03548445730943647, 'enough': 0.0353512750703086}, {'to': 0.1926218816658785, 'the': 0.15554559260118858, 'and': 0.11829866348314133, 'of': 0.0821834176210667, 'in': 0.04489246300512404, 'a': 0.03484794723160793, 'his': 0.027398639164757925, 'will': 0.015516257987272892, 'her': 0.014084025890989447}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.2436321741959774, 'a': 0.10858910497033548, 'and': 0.0744076562816145, 'of': 0.07315497678622919, 'to': 0.04282442081381173, 'in': 0.04158882572459703, 'at': 0.03451433721686451, 'for': 0.021987799655194814, 'his': 0.01960773234230464}, {'made': 0.09977751660819774, 'and': 0.08732595767355641, 'or': 0.03496058661922801, 'owned': 0.032414634368913224, 'that': 0.02956154554113636, 'followed': 0.028902540024124426, 'accompanied': 0.02737158530972709, 'ed': 0.025238241196432427, 'given': 0.024280966771494116}, {'Silver': 0.06469398810492318, 'Lode': 0.06206766460839885, 'the': 0.04582383536257864, 'and': 0.041219797908972636, 'Hill': 0.03709592670386158, 'Eureka': 0.023610325624601386, '<s>': 0.01924502916163517, 'Gold': 0.016465663771550062, 'City': 0.015351510612115898}, {'the': 0.1825997352616386, 'south': 0.17098119270319453, 'north': 0.14611221161179103, 'east': 0.13179144166176768, 'west': 0.1162287869441359, 'one': 0.055928356674835034, 'other': 0.04642548511625882, 'either': 0.029232648752465413, 'a': 0.025760172727703964}, {'was': 0.213971138550474, 'been': 0.20535036125053405, 'be': 0.19115218795730976, 'were': 0.07071155730516093, 'are': 0.055219697073844706, 'is': 0.05024019804803393, 'and': 0.0337281707709864, 'not': 0.02961162247525611, 'duly': 0.024497151786399232}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.15821227495577037, 'and': 0.11752366931656238, 'of': 0.08516712164189216, 'The': 0.038265500375832706, 'that': 0.032432579756374556, 'these': 0.02833555550457424, 'These': 0.026726669763101805, 'in': 0.0257196509850291, 'such': 0.02130320762261513}, {'the': 0.08701823429142183, 'and': 0.07742122038590957, 'of': 0.07335393896535423, 'to': 0.062233809247588014, 'be': 0.05605196526134993, 'a': 0.0443398717049855, 'in': 0.02887674364934766, 'was': 0.026775899629514398, 'is': 0.02581241996473295}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'was': 0.24240543576776796, 'be': 0.20979815264007384, 'is': 0.12706875771012813, 'been': 0.1072215454137132, 'were': 0.06984359882162774, 'are': 0.05345699157999047, 'not': 0.036342086624163265, 'being': 0.0299266434839857, 'and': 0.029090425728702102}, {'the': 0.15264958021531722, 'of': 0.11673403834403008, 'and': 0.10202997863957723, 'a': 0.06270994274664221, 'to': 0.0473176574754369, 'is': 0.022415925176173832, 'in': 0.022127154201666225, 'be': 0.021673563250991897, 'or': 0.021565441524845075}, {'and': 0.11613988374262153, 'of': 0.0865685115823675, 'put': 0.0846830208502516, 'as': 0.07868144393459027, 'make': 0.06811783316200337, 'that': 0.06550015782586713, 'for': 0.05420518290624488, 'to': 0.049726615896525016, 'with': 0.04515623462232801}, {'the': 0.5912614207185439, 'of': 0.07477281458252656, 'said': 0.04197035421050388, 'tho': 0.03037184143654281, 'in': 0.02677555739390362, 'on': 0.02078226703756568, 'tbe': 0.01705014589197928, 'and': 0.011829812592636792, 'The': 0.01139545701643916}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'a': 0.19353131943848803, 'the': 0.1658104635641177, 'no': 0.14228779932953062, 'to': 0.08166053839929713, 'his': 0.07467672986649594, 'their': 0.06718839122364634, 'of': 0.0671404986142291, 'and': 0.04214857353261166, 'any': 0.03493541970709092}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'more': 0.2012270491453242, 'and': 0.14213593086055623, 'of': 0.12924134071416876, 'the': 0.10825158521869667, 'other': 0.05800711126955174, 'young': 0.04926981982052521, 'to': 0.04399933401747972, 'for': 0.04105016858112394, 'that': 0.029677419491366354}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.5289099733525486, 'a': 0.17622590255672835, 'of': 0.07427028049427084, 'for': 0.048024587481938205, 'and': 0.04096642624002774, 'The': 0.025695843829803146, 'or': 0.018535040281395115, 'tho': 0.01596465502279763, 'that': 0.013974340424194105}, {'the': 0.20820979893738678, 'of': 0.09163344718630194, 'and': 0.0834499712113769, 'at': 0.05136814474781021, 'a': 0.050093827309449175, 'in': 0.04484536073750284, 'to': 0.04059121921183918, 'for': 0.02275752349554789, 'The': 0.01948355533149808}, {'of': 0.34108062388870947, 'to': 0.13912529894458614, 'that': 0.09669910076564268, 'in': 0.07971400343055601, 'and': 0.06420963594029022, 'by': 0.05855936921361668, 'on': 0.05078210848384636, 'for': 0.04189861519548629, 'from': 0.03724211038222838}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'I': 0.3258141452877023, 'he': 0.15735118016235264, 'and': 0.09920673028288143, 'He': 0.05213575264509869, 'have': 0.04928191545431711, 'was': 0.0451302378068827, 'had': 0.04059709647281181, 'be': 0.039881398957848264, 'is': 0.03961924068834343}, {'was': 0.16403504460046797, 'be': 0.16388843909679593, 'been': 0.07814735729135457, 'and': 0.07600588386269094, 'is': 0.06630040961609952, 'are': 0.05139841973431157, 'were': 0.05030825209363815, 'as': 0.04276768536787761, 'he': 0.029405657167783004}, {'went': 0.08320836284183304, 'made': 0.07394896585431059, 'taken': 0.07344849414740509, 'came': 0.07215442410204481, 'it': 0.05769464925468661, 'come': 0.05211757525040732, 'put': 0.04605146975756809, 'brought': 0.04233427310846355, 'and': 0.0358216469033093}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'that': 0.18591062927251875, 'and': 0.1527796114544533, 'as': 0.12623178283103265, 'but': 0.0707164621848777, 'which': 0.061693464616388756, 'when': 0.0604642434274246, 'if': 0.05373208734495636, 'where': 0.026067955313643025, 'of': 0.024357464724940096}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.05451658038905451, 'go': 0.0377010906887599, 'going': 0.03760379821286441, 'work': 0.030693590378703325, 'carried': 0.028372141436537514, 'them': 0.02710475920779423, 'put': 0.023167595246684936, 'that': 0.023118194956317756, 'interest': 0.021986039461459318}, {'he': 0.2199265447895772, 'I': 0.11621063518193504, 'it': 0.08734858409318524, 'they': 0.08244010529240593, 'who': 0.062392497003202145, 'and': 0.056560297804235465, 'we': 0.05582459335284285, 'that': 0.055808846726261914, 'she': 0.04482462907152023}, {'is': 0.16330390870727465, 'are': 0.09705400278169386, 'was': 0.09507692900668825, 'and': 0.08618364145238522, 'as': 0.08194155485454212, 'the': 0.06761852327925114, 'be': 0.06403344906879936, 'were': 0.049223796349039846, 'more': 0.047776347662206856}, {'a': 0.12345951345964862, 'and': 0.12235792398431339, 'as': 0.04267303907824271, 'be': 0.04170963225064567, 'it': 0.04075447715652689, 'is': 0.03227848545339305, 'was': 0.031148247891038608, 'of': 0.027944192549895396, 'he': 0.023241479655807057}, {'of': 0.11785529026658935, 'and': 0.11586877154350345, 'in': 0.05739244689627157, 'to': 0.050607477297486644, 'fact': 0.03889347275782053, 'said': 0.03289904969041613, 'on': 0.02952954435335196, 'all': 0.024539624180535385, 'is': 0.022298709960555663}, {'and': 0.0323565178581728, 'the': 0.018174402441120688, 'a': 0.015732828290453863, 'or': 0.008654730559870635, '<s>': 0.007109844741930457, 'one': 0.00664650627344917, 'that': 0.005318671200513604, 'to': 0.005069603845809313, '.': 0.004488345585450465}, {'and': 0.0988990711738554, 'to': 0.091696070851864, 'of': 0.0818226772970428, 'the': 0.05269110564538148, 'in': 0.05182078447537847, 'be': 0.03985493700264467, 'was': 0.03457726808635587, 'or': 0.029820148710982552, 'is': 0.02808043790829851}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.788255735267225, 'The': 0.06821088718286636, 'tho': 0.04533112320184224, 'tbe': 0.01508704674259118, 'this': 0.01282951860610203, 'and': 0.009833914573962169, 'our': 0.007875921349266037, 'that': 0.007280644784472701, 'a': 0.006643814383654253}, {'that': 0.302835565423608, 'which': 0.09655049260170592, 'and': 0.09612079539737729, 'if': 0.06337818029599254, 'as': 0.06120585753234836, 'but': 0.05388677416801479, 'where': 0.052987060163845134, 'when': 0.050435715035289895, 'If': 0.02909688608830858}, {'of': 0.2572766419255139, 'to': 0.12066506982043458, 'on': 0.10482175456736686, 'and': 0.09587002823350105, 'with': 0.06486198400308545, 'that': 0.060941746418636554, 'by': 0.057126314011021986, 'in': 0.05546077654479195, 'from': 0.044602269669342456}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'their': 0.14626147626876307, 'who': 0.14487184374382583, 'the': 0.13196481129314208, 'his': 0.11371104380934519, 'our': 0.06760722101832563, 'and': 0.06711050972869725, 'not': 0.05852199997955881, 'my': 0.057441281051184956, 'he': 0.05172530843341927}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'Baltimore': 0.3611552441859041, 'Chesapeake': 0.2123480970685107, 'John': 0.0057299706459331195, 'William': 0.004942755097311127, 'James': 0.0046734603999252595, 'hundred': 0.004234113016601406, 'wife': 0.004115579403008535, 'gold': 0.004025441069682683, 'Robert': 0.0037446947673118523}, {'<s>': 0.042611068970707225, 'him.': 0.02117657472983709, 'it.': 0.016442156282877186, 'complaint.': 0.012480111502378202, 'them.': 0.010106225361929152, 'day.': 0.010103165592634187, 'and': 0.009465808120840568, 'time.': 0.008790725486992508, 'years.': 0.00876679862246958}, {'a': 0.5503259537779046, 'the': 0.21625454339663702, 'very': 0.05230707968294235, 'A': 0.027038430861361082, 'but': 0.025067605210711337, 'The': 0.021705621732339624, 'and': 0.020029580654615353, 'is': 0.012522727227835949, 'his': 0.012427893581304408}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {';': 0.02877053354398717, 'it,': 0.020502635964180487, 'them,': 0.012281323140814482, 'him,': 0.010264542154031074, 'in': 0.00870088368480083, 'time,': 0.00804690296269902, 'him': 0.007734210534366641, 'country,': 0.007172806566910951, 'years,': 0.0065574389468685355}, {'of': 0.3782388587194988, 'in': 0.15196107973778292, 'to': 0.09152207046573009, 'by': 0.06889023260658754, 'that': 0.06687118828358166, 'and': 0.05272969377023097, 'for': 0.0357646107666747, 'with': 0.03476740429663824, 'In': 0.030041134396502037}, {'a': 0.3962242372018871, 'the': 0.3135072375798505, 'of': 0.057218986555302366, 'with': 0.04445202172223372, 'The': 0.038839328432362104, 'A': 0.032178981018982075, 'no': 0.026253164820148087, 'this': 0.024428121107191923, 'and': 0.0205090477571538}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.4958245593675307, 'and': 0.08548537992205703, 'of': 0.036255273805576714, 'tho': 0.03579641365321346, 'all': 0.034819171986971785, 'The': 0.034689017260611105, 'other': 0.03271144044936838, 'a': 0.02773552470914932, 'or': 0.019240714845828757}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'in': 0.37394788916689453, 'of': 0.36106670632724613, 'In': 0.07573235807933272, 'to': 0.057193589052622736, 'by': 0.022879619358696625, 'for': 0.021890163765006194, 'that': 0.020024364860438373, 'and': 0.014820818993734455, 'from': 0.013517674837670577}, {'the': 0.6281603095473847, 'The': 0.08509916185135123, 'and': 0.07607480997239151, 'a': 0.06825171203715978, 'tho': 0.03126495508408327, 'of': 0.019160638220513948, 'by': 0.01802041617793036, 'tbe': 0.012425040028111997, 'an': 0.006904507060608148}, {'of': 0.40877108293031555, 'in': 0.10500018359654992, 'for': 0.09227621349992658, 'to': 0.08599503340152767, 'and': 0.08053456246908897, 'by': 0.04068115613630254, 'In': 0.04057008379804563, 'as': 0.03286263536384845, 'is': 0.03137144793789693}, {'of': 0.2079593324707359, 'for': 0.1331331560424844, 'to': 0.13264215635423107, 'in': 0.11983582033741016, 'and': 0.08172673151426596, 'with': 0.08083501805208984, 'all': 0.0400340924351705, 'that': 0.03672482766144685, 'on': 0.03519476595275872}, {'executed': 0.01825341699119414, 'up': 0.012859876316821374, 'him,': 0.012851674642181014, 'them,': 0.012737441276292087, 'him': 0.011467967509899882, 'it': 0.010852270228547468, 'it,': 0.009408657334523365, 'men': 0.009394499681870365, 'them': 0.008876319689366412}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.3170937190537137, 'in': 0.1772324930819084, 'to': 0.14112733231431904, 'for': 0.05470542729166182, 'by': 0.052809164542469374, 'with': 0.052131999236934935, 'from': 0.036885209212721495, 'In': 0.030754785771341876, 'between': 0.023202269732287593}, {'the': 0.24565398890683243, 'and': 0.17359363209300463, 'of': 0.11975203798212705, 'a': 0.10901140987742293, 'his': 0.06820340140856795, 'in': 0.05126044068245291, 'to': 0.04329773214572702, 'their': 0.042816194858339464, 'for': 0.027062336656489827}, {'the': 0.7328742141063256, 'The': 0.07281681155130441, 'tho': 0.044614170804040336, 'a': 0.022446596971372437, 'tbe': 0.017946251349943532, 'and': 0.016397754618949833, 'no': 0.01215569992598988, 'further': 0.009823480542935359, 'good': 0.008818703692780169}, {'of': 0.12117948599345892, 'the': 0.0773982957252551, 'to': 0.07512925942134997, 'and': 0.07333244151253392, 'for': 0.07108965881184244, 'in': 0.04765986668389439, 'a': 0.0464408969422464, 'at': 0.019836236462147664, 'or': 0.0171250115518599}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'the': 0.25790189088097626, 'his': 0.20490789462208628, 'a': 0.14620403987221364, 'my': 0.06737430637450241, 'her': 0.05195008568400747, 'and': 0.04968873671236832, 'their': 0.028016350371791766, 'your': 0.024561126869270408, 'of': 0.017391601078548036}, {'and': 0.17670257006742354, 'so': 0.06538001227508514, 'say': 0.050984598405352854, 'fact': 0.047007727789092624, 'know': 0.042336672117270185, 'said': 0.04048939283013406, 'is': 0.03642105790366484, 'all': 0.03166444160489291, 'show': 0.027660869735200228}, {'State': 0.04524846407101214, 'city': 0.03029622201513025, 'one': 0.024210841630578732, 'state': 0.023038887041739727, 'North': 0.022545883395816937, 'day': 0.021426501001020684, 'lot': 0.017961013294439637, 'two': 0.01710445745184221, 'county': 0.016069947234334993}, {'to': 0.36359106235378874, 'will': 0.18257543855941236, 'shall': 0.07559199972203638, 'may': 0.07086455899806983, 'not': 0.05655169569911662, 'should': 0.03923937283758443, 'would': 0.038533287216160936, 'can': 0.038447033421113004, 'must': 0.029215690057212754}, {'the': 0.2576754380198408, 'at': 0.1784822136472301, 'to': 0.09694487953599923, 'be': 0.09294497663962685, 'was': 0.08775581194132932, 'were': 0.046317256729367484, 'and': 0.04459081734998868, 'is': 0.042136683004350695, 'not': 0.029487710126739595}, {'at': 0.17322247624282808, 'to': 0.12436014014391689, 'in': 0.10349480344776876, 'of': 0.1019089621994959, 'and': 0.07297152864550384, 'on': 0.07035233597046985, 'for': 0.0541198299577037, 'from': 0.0479411539136795, 'In': 0.029248956401322437}, {'at': 0.41046390606549377, 'for': 0.1241892521476921, 'of': 0.08653265867232679, 'to': 0.07311180760112604, 'and': 0.04951003857448994, 'At': 0.04615892506149071, 'during': 0.04056363092681147, 'that': 0.039870674433797784, 'in': 0.039495314294298096}, {'the': 0.15490878451833767, 'and': 0.12504053389710493, 'of': 0.07331192072946174, 'to': 0.05828165759196936, 'for': 0.0466670431313927, 'or': 0.03825428814198086, 'in': 0.03795900845874166, 'be': 0.03629846722581993, 'are': 0.029900743503217163}, {'one': 0.028447503795412707, 'day': 0.018066010030025108, 'that': 0.015721377666139277, 'daughter': 0.015329398863426394, 'motion': 0.01442415485062374, 'tion': 0.01289984808304999, 'part': 0.011856100872324605, 'son': 0.01178347356525953, 'out': 0.010578036049318774}, {'the': 0.21558473411608386, 'to': 0.10448199490139691, 'and': 0.10072618195169444, 'was': 0.07789188737226328, 'be': 0.05448262311954435, 'were': 0.04673751466896313, 'of': 0.04067074029664273, 'a': 0.03782461460135036, 'is': 0.033475940156465364}, {'one': 0.07746741696919243, 'part': 0.059999007883393685, 'out': 0.05286983322023436, 'some': 0.0314300440992501, 'side': 0.02738491743669496, 'end': 0.025827427938256303, 'members': 0.025056059509581032, 'portion': 0.024675211486924854, 'all': 0.023197965377638546}, {'those': 0.10196502595218762, 'and': 0.08148570194288175, 'man': 0.07186898785054396, 'one': 0.04437530625956997, 'all': 0.0399442881907342, 'men': 0.0365918163655606, 'person': 0.019646190593457905, 'persons': 0.01681213076524088, 'woman': 0.015155573937076434}, {'to': 0.33299591951496543, 'will': 0.2277942662122256, 'would': 0.1325311413103515, 'may': 0.06491404810535845, 'shall': 0.05687700685697799, 'should': 0.04777520305767541, 'must': 0.04001062125685607, 'not': 0.034102908012368836, 'can': 0.016562754016620652}, {'of': 0.2298030097090993, 'and': 0.1486633182066997, 'in': 0.08622474249654588, 'to': 0.07443831929506128, 'at': 0.05507322060189104, 'that': 0.051783625346336286, 'with': 0.04336910542930312, 'on': 0.04335275002743204, 'for': 0.04038628606295648}, {'to': 0.30076866188481344, 'will': 0.19732163391507132, 'would': 0.09841805736858565, 'not': 0.0816272529073909, 'may': 0.07113536338301049, 'should': 0.06741247469353585, 'shall': 0.05761545795442145, 'can': 0.03974575147356378, 'must': 0.039562547049152616}, {'have': 0.33238434222570934, 'has': 0.3182403132603814, 'had': 0.22223402059992764, 'having': 0.031583098127393926, 'not': 0.02843812241004405, 'never': 0.01360430190974372, 'lias': 0.01195661056698642, 'bad': 0.0103182601019485, 'ever': 0.008309038110365857}, {'well': 0.12861105478714124, 'known': 0.11056901308738208, 'soon': 0.10265345104878522, 'far': 0.08113948490760056, 'and': 0.06324672230498624, 'long': 0.03717583764638481, 'such': 0.02924921957793252, 'just': 0.02412525568479837, 'much': 0.020403672152392097}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'and': 0.11735734989689853, 'Beginning': 0.09884153448596601, 'was': 0.04992202476183523, 'Commencing': 0.04742984928119307, 'is': 0.03222763654861691, 'that': 0.022686839104885018, 'look': 0.02223062891500834, 'it': 0.02189404355341923, 'him': 0.02181882299275003}, {'the': 0.06191003182967679, 'of': 0.04313737201340029, 'and': 0.03171577563154461, 'a': 0.026209646287794017, 'an': 0.024703602949476842, '-': 0.024477486621183726, 'i': 0.023278590175157755, '.': 0.02082952790152722, 'to': 0.020171601196956913}, {'was': 0.21297511881079165, 'is': 0.1439809313214264, 'are': 0.12177402757226038, 'be': 0.11470622694451647, 'been': 0.11125807984723886, 'were': 0.06184113061737964, 'and': 0.049216538757211416, 'not': 0.04392507660386034, 'has': 0.029064994786971114}, {'the': 0.3903035665303055, 'at': 0.06018444626237143, 'a': 0.05362101521930569, 'of': 0.04900951298614883, 'and': 0.045425335134401446, 'The': 0.03152927624685508, 'tho': 0.023193591046482, 'to': 0.022834485355539374, 'in': 0.01848398230547191}, {'to': 0.18194287182236435, 'with': 0.1565428194244237, 'of': 0.14455512044728588, 'for': 0.10726237432853655, 'told': 0.06546122864719614, 'upon': 0.05894064412906061, 'in': 0.05080392440733557, 'among': 0.04965171663425171, 'from': 0.043086274417311755}, {'of': 0.2279788663076083, 'and': 0.12246085870539275, 'to': 0.11084861190183778, 'for': 0.07949899493055942, 'on': 0.06766965572156852, 'with': 0.06757889859951678, 'in': 0.06347061241798957, 'as': 0.04254157356265344, 'all': 0.041113090413453145}, {'the': 0.343668317860063, 'of': 0.07003667577012737, 'in': 0.06698542463645604, 'and': 0.06382944993356755, 'that': 0.03182617625798965, 'a': 0.03178747835281699, 'to': 0.028743348401643328, 'tho': 0.0234374182234648, 'The': 0.023173686909545427}, {'the': 0.17087116299664976, 'of': 0.10190142499721039, 'a': 0.08412097900898033, 'and': 0.05260551021227671, 'or': 0.041810499317992585, 'to': 0.040100648227773907, 'in': 0.033880585424514977, 'any': 0.0240775442330798, 'be': 0.019258494327570132}, {'of': 0.4743244034058502, 'in': 0.1747055901387008, 'to': 0.08269744748244166, 'and': 0.041406300092902845, 'that': 0.0407927158010313, 'for': 0.0338103929953366, 'by': 0.03253737721483771, 'In': 0.02939675224369453, 'throughout': 0.02790247515484941}, {'and': 0.12779850026432166, 'was': 0.04724534242907611, 'is': 0.038194205444930344, 'are': 0.036123647415239095, 'that': 0.03520103482273847, 'divided': 0.029716671323560914, 'it': 0.02877383269421493, 'be': 0.024185816585334828, 'him': 0.022284739545631357}, {'the': 0.37938501201797925, 'this': 0.2131869377679738, 'our': 0.07634521058354438, 'The': 0.03040815169150229, 'other': 0.030370091304701835, 'a': 0.03022722695424794, 'tho': 0.028257156167711413, 'his': 0.02821391651526529, 'of': 0.027280375529719892}, {'it': 0.21315294934373813, 'It': 0.15174627271032398, 'which': 0.0971838595884913, 'that': 0.07098269356853523, 'he': 0.051754277211909505, 'there': 0.05113109697497361, 'and': 0.04958803348460685, 'This': 0.040716269174627326, 'what': 0.034230609187584395}, {'of': 0.18088969842523026, 'to': 0.17730428202290274, 'in': 0.16970616056661822, 'is': 0.07442381609148413, 'with': 0.07261778347781557, 'and': 0.06128188073534826, 'on': 0.046069647771563846, 'was': 0.042116025370785015, 'that': 0.04010332446452285}, {'sum': 0.1581193760775818, 'rate': 0.07703749493494862, 'one': 0.03972076671020592, 'amount': 0.03275313581361226, 'out': 0.03156586460999243, 'number': 0.02903889126338095, 'consisting': 0.02682727324606622, 'instead': 0.02383889213517905, 'period': 0.02335721370016328}, {'to': 0.34477360979307337, 'I': 0.056839039818529856, 'and': 0.055382849111526584, 'will': 0.04454803023392081, 'they': 0.03839232840098788, 'would': 0.028690089094057545, 'we': 0.024112494498758786, 'can': 0.020493641687034495, 'not': 0.019668716995441538}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.09711233034372936, 'of': 0.07314011711139846, 'a': 0.05642291474759231, 'and': 0.04490293590781523, 'to': 0.020571130491514718, 'in': 0.019743054721397913, '<s>': 0.016133084422039683, 'be': 0.013962947799754693, 'or': 0.013513942363569446}, {'and': 0.059655415931745046, 'covered': 0.021753819206778477, 'do': 0.021140689723253527, 'met': 0.018435184681370995, 'him': 0.018118555997036746, 'man': 0.014936884859258917, 'filled': 0.014831235645376657, 'parallel': 0.014592918175795172, 'together': 0.014560432493422423}, {'the': 0.5457671855425108, 'a': 0.1842678832937827, 'The': 0.0593125378546133, 'tho': 0.030173169718103705, 'and': 0.024300241335874447, 'A': 0.012429109788725475, 'large': 0.011256841298143404, 'tbe': 0.010122701034681054, 'said': 0.00999725604946125}, {'and': 0.15859919135379041, 'of': 0.08598861312855259, 'to': 0.08315508927991105, 'the': 0.06874452320833058, 'in': 0.058260721699561625, 'or': 0.04021483348163834, 'that': 0.038732793213525255, 'for': 0.027900459328194547, 'on': 0.02788303042210844}, {'no': 0.13726610054256944, 'any': 0.12488613963488765, 'that': 0.10579654562826414, 'some': 0.09818204013521563, 'of': 0.09520891631264534, 'the': 0.092985220946094, 'only': 0.05764909132310735, 'and': 0.04669531745166274, 'but': 0.04581527113818491}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'no': 0.26712284561667593, 'or': 0.13827924623025775, 'and': 0.12537453386025013, 'that': 0.05991844481690833, 'any': 0.054971450823477194, 'the': 0.05457804819967094, 'much': 0.05106867096196117, 'if': 0.040489534739229796, 'of': 0.029250905681533407}, {'from': 0.19107215550066328, 'the': 0.1726034181602621, 'in': 0.10733825599775976, 'that': 0.07840094101778944, 'some': 0.07240354316396762, 'any': 0.06986994017719324, 'this': 0.0637897477690407, 'a': 0.05851588320207729, 'same': 0.05363154805107126}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'that': 0.2693929424578601, 'which': 0.1370658629095743, 'and': 0.11062718360443898, 'when': 0.09805803777887442, 'as': 0.06646929993843093, 'if': 0.062398738589750403, 'where': 0.03469288490600294, 'but': 0.03231385874604165, 'to': 0.03131284867055837}, {'to': 0.1642134788994491, 'will': 0.06641993629487007, 't': 0.06311107087190515, 'that': 0.048424843654623344, 'would': 0.04524181618375842, 'and': 0.04494422764735994, 'I': 0.03482518756574856, 'may': 0.030199577654719086, 'which': 0.023950460328769116}, {'the': 0.2527711241344143, 'this': 0.14586641574944478, 'first': 0.08144457964795264, 'that': 0.07985454464230757, 'his': 0.048551751141547736, 'second': 0.03428041855823945, 'same': 0.033105047686222376, 'on': 0.0319106769843812, 'any': 0.029065788204806507}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.41754528691472326, 'National': 0.12675669065040565, 'State': 0.0856155357106733, 'a': 0.059507694244041696, 'said': 0.056990373655705744, 'City': 0.040535041214654996, 'this': 0.03270050398461335, 'our': 0.030818653723829494, 'Constitutional': 0.02994790064273861}, {'to': 0.24962762220119564, 'with': 0.11536925005701276, 'for': 0.07305985688599381, 'brought': 0.04876676548512256, 'by': 0.048010409920187985, 'put': 0.042959610047549154, 'told': 0.034036036548226165, 'get': 0.033116161894360036, 'let': 0.030587679191506525}, {'sum': 0.06695634040451216, 'amount': 0.050639984132819865, 'number': 0.04601313979829951, 'out': 0.042760080900698494, 'purpose': 0.03254190410827793, 'rate': 0.03134421092085639, 'means': 0.030493693278791846, 'matter': 0.027776023038121163, 'all': 0.026702632473917142}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.1533235202413104, 'fact': 0.0724560534690237, 'so': 0.061724452164802615, 'said': 0.05527705142285736, 'know': 0.048434782560184304, 'say': 0.04298859044649112, 'says': 0.032955771151587154, 'believe': 0.0328633355673128, 'of': 0.029371887208430963}, {'and': 0.10997600675329194, 'the': 0.06940248929278851, 'to': 0.06881697783190825, 'of': 0.058465457357604035, 'in': 0.033660739758257674, 'he': 0.023657665410406314, 'that': 0.02323228867437793, 'or': 0.022706864375029782, 're-': 0.021999319555999906}, {'of': 0.3387491537258706, 'in': 0.11589386391889969, 'that': 0.11134369628808927, 'to': 0.10264912954503616, 'and': 0.08227920093845431, 'by': 0.05727153391751518, 'for': 0.04264508260715032, 'as': 0.032675438673793744, 'from': 0.030756846310889995}, {'of': 0.05477416168809466, 'and': 0.029285194604914976, 'the': 0.025460206631337762, 'in': 0.019624189223754366, '-': 0.019469494834745957, '<s>': 0.018454136793677547, '.': 0.018126367472347204, 'Mr.': 0.01749044535936019, 'City': 0.00990449409988568}, {'of': 0.32805423878237766, 'to': 0.11723749633713418, 'and': 0.08854848638210161, 'that': 0.07814847282506383, 'in': 0.06968445302651698, 'on': 0.06470470154533865, 'by': 0.04210807808023471, 'with': 0.03913002509468757, 'from': 0.03891143334604507}, {'for': 0.2366974705124729, 'of': 0.20248953455740962, 'in': 0.1586941440586203, 'to': 0.07879519664539339, 'that': 0.05718844228448422, 'and': 0.046494856742731655, 'In': 0.03905451771720275, 'at': 0.03502292536472118, 'with': 0.03001544919626739}, {'that': 0.3395282012883974, 'and': 0.09569159917516998, 'if': 0.08334633146266412, 'as': 0.06364957469457015, 'which': 0.05819267556323012, 'but': 0.05078158828934592, 'when': 0.043056142115622316, 'where': 0.03148430166820288, 'because': 0.02511999626618887}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'so': 0.33439226179304343, 'as': 0.15013801982525435, 'too': 0.09383988369391973, 'very': 0.08618312376026302, 'how': 0.08526302046128292, 'is': 0.044351096580028324, 'and': 0.04418097652778485, 'a': 0.04296559899150587, 'of': 0.03122336930301986}, {'of': 0.29236220619250963, 'to': 0.10944318309425317, 'and': 0.09602922440077241, 'all': 0.08165536905177893, 'that': 0.0731292646220573, 'with': 0.06970911569133248, 'in': 0.04795440721552379, 'for': 0.0421887425837704, 'by': 0.03508855924294687}, {'the': 0.5705669382294397, 'a': 0.1807345394128588, 'The': 0.09865549697075171, 'tho': 0.03254927497906175, 'his': 0.019664111497547234, 'A': 0.0173212221412489, 'and': 0.011864267820627168, 'of': 0.010493961727867998, 'tbe': 0.010405977326865136}, {'number': 0.0462160846258168, 'out': 0.042025082364099305, 'one': 0.04134413572279253, 'day': 0.039696216615309414, 'quarter': 0.03780892303774242, 'sum': 0.03456173619361271, 'rate': 0.029084435373602956, 'line': 0.0273638705850735, 'part': 0.0248037147448052}, {'in': 0.21638669813424735, 'of': 0.16920054657739889, 'to': 0.10965093466813725, 'on': 0.07085492249951532, 'and': 0.07072353320550873, 'In': 0.06385570003083128, 'with': 0.061244113655511696, 'from': 0.03583705456946279, 'that': 0.03491379245468512}, {'the': 0.2286951642694644, 'of': 0.07332074724647485, 'and': 0.060555772256716545, 'that': 0.0399360118801907, 'The': 0.03640224853187909, 'a': 0.02933415869419407, 'in': 0.026369937444413717, 'or': 0.02365352485459576, 'to': 0.020736535497092784}, {'two': 0.026484483258444252, 'one': 0.023515951741934556, 'day': 0.019739351678364433, 'on': 0.016568836931559753, 'and': 0.016512662984130403, 'in': 0.01582263670868547, 'more': 0.01580125366493656, 'man': 0.01112200797023846, 'lot': 0.010053351485835112}, {'not': 0.29535721736572756, 'and': 0.15660483158417293, 'as': 0.061823832633478334, 'is': 0.04725657015611471, 'are': 0.03022152736691457, 'that': 0.025694709209016602, 'And': 0.023031255492615487, 'was': 0.02173508366362427, 'have': 0.0200287835871258}, {'one': 0.07746741696919243, 'part': 0.059999007883393685, 'out': 0.05286983322023436, 'some': 0.0314300440992501, 'side': 0.02738491743669496, 'end': 0.025827427938256303, 'members': 0.025056059509581032, 'portion': 0.024675211486924854, 'all': 0.023197965377638546}, {'of': 0.27636990368476, 'a': 0.0927160783570282, 'the': 0.08090015322750883, 'and': 0.0762091275448041, 'to': 0.07465249452569513, 'in': 0.04260668380885352, 'for': 0.039895419368332984, 'thousand': 0.02272464821475454, 'at': 0.019173401843626706}, {'the': 0.2385202795155538, 'an': 0.1425527461117214, 'and': 0.13455423726262997, 'of': 0.13119590097663544, 'a': 0.07765166188084746, 'their': 0.04417493700229418, 'most': 0.03426740682700871, 'his': 0.03129934286757896, 'The': 0.029649652110388943}, {'the': 0.2182985387085964, 'of': 0.09423815157872827, 'and': 0.08368499758415185, 'to': 0.06580985377679635, 'a': 0.02953960805233304, 'in': 0.02864959494175932, 'that': 0.02324892955317902, 'The': 0.020637138516136234, 'for': 0.020553854116952635}, {'they': 0.12470159211401996, 'it': 0.11600331394520377, 'I': 0.10574628913374923, 'he': 0.09998407139963955, 'we': 0.05845865635155795, 'that': 0.05125984712337348, 'who': 0.047675632286235156, 'It': 0.04581770965741552, 'you': 0.04208300689104903}, {'of': 0.13972006344351368, 'and': 0.13572100504670664, 'is': 0.1190196834776296, 'are': 0.11067794672978336, 'now': 0.047689402300313544, 'was': 0.043884277945751615, 'by': 0.03198017631828377, 'as': 0.030154225659758335, 'it': 0.02713991086909474}, {'and': 0.07402960515450559, 'make': 0.06116193041785872, 'that': 0.051822533112877246, 'of': 0.04074653793212527, 'to': 0.03813413557795405, 'as': 0.03030823726491318, 'made': 0.02478031038320231, 'for': 0.023103921903663317, '<s>': 0.022864038068692864}, {'it,': 0.019479943025977466, 'him,': 0.014084272942768305, 'it': 0.013934689178341893, 'him': 0.01379242919372718, 'them,': 0.013299364195154073, 'up': 0.013094913606774764, 'years,': 0.011021608558043022, 'in': 0.010984581999572168, 'here': 0.010140072318700056}, {'half': 0.23351020594366906, 'of': 0.161527102040001, 'and': 0.09203189649269412, 'for': 0.08263502205816257, 'in': 0.06403187660710016, 'to': 0.06201842782694639, 'is': 0.061197978363933904, 'was': 0.051648979135692906, 'with': 0.04787110140006279}, {'and': 0.09724391588402893, 'of': 0.08544296713302342, 'to': 0.08531185009072303, 'the': 0.07971823728649753, 'Mr.': 0.02573907430202091, 'that': 0.019974198626325358, 'in': 0.019661062997161312, 'he': 0.019348325241488197, 'which': 0.018716313049488894}, {'and': 0.11343872179669395, 'of': 0.07269053021966963, 'the': 0.058255955722924045, 'to': 0.053963960005372374, 'a': 0.03235104203406303, 'in': 0.024479009008081854, 'as': 0.021982077506495785, 'that': 0.01601182025085323, 'I': 0.012546948641280219}, {'not': 0.2778982738240564, 'to': 0.25135422969290594, 'a': 0.1310834554989932, 'would': 0.1066424249490202, 'will': 0.059888598420643556, 'and': 0.038395390372595144, 'may': 0.02696921347472893, 'shall': 0.02289172624670156, 'no': 0.020748974610164256}, {'it': 0.24494481286680797, 'It': 0.19038685089059273, 'there': 0.06945970798196496, 'which': 0.060563129896863445, 'and': 0.0419192998594951, 'that': 0.04170362418801511, 'he': 0.03934078823359886, 'There': 0.02998620944567742, 'This': 0.027678281700814454}, {'<s>': 0.04246058814636296, 'it.': 0.030104896807305086, 'them.': 0.018914472125115777, 'country.': 0.009555514684521432, 'him.': 0.008768327628783148, 'time.': 0.007672095267231392, 'people.': 0.00729531443148371, 'us.': 0.006919136426764637, 'and': 0.006344729479304025}, {'the': 0.09643119510728286, 'of': 0.08784553115920861, 'and': 0.06661597276762572, 'to': 0.05500760080458883, 'at': 0.041761651362701, 'in': 0.03279870017990241, 'a': 0.0248620614183888, '.': 0.015670348847722074, 'for': 0.015500440517626992}, {'and': 0.08495321395239659, 'as': 0.07295205623685797, 'able': 0.043345030556126256, 'necessary': 0.040546335462293706, 'him': 0.03750545002824924, 'is': 0.03488111313053241, 'time': 0.03466076678482849, 'right': 0.03405189771332359, 'made': 0.030806680989832396}, {'I': 0.1166704198036762, 'he': 0.11026971266227752, 'they': 0.10777243765080535, 'we': 0.10324681754873728, 'you': 0.10226262530792948, 'it': 0.06233920609533136, 'and': 0.05717252413658343, 'that': 0.04845786820671442, 'which': 0.033638088355837155}, {'and': 0.13181143046199764, 'that': 0.07959851068980257, 'which': 0.06724566875693834, 'I': 0.05390722514052452, 'who': 0.051903556364150234, 'to': 0.04940160728774872, 'he': 0.04499309620114824, 'it': 0.03089966804473341, 'they': 0.02915069251160634}, {'that': 0.338647674097218, 'and': 0.08670710325284946, 'as': 0.07348343770983838, 'which': 0.06725356343315561, 'if': 0.06300254542717726, 'but': 0.04953094597439944, 'where': 0.032236191605640695, 'what': 0.028884267172799034, 'when': 0.02646690804572901}, {'all': 0.605550681629131, 'different': 0.0827246381184166, 'various': 0.06676335037177239, 'other': 0.056284808465554725, 'the': 0.038611773337188335, 'many': 0.030356567294533805, 'All': 0.018104970136587968, 'and': 0.01737211594681001, 'certain': 0.016322141082378193}, {'of': 0.11038140682479525, 'the': 0.10074732927858472, 'and': 0.09377761152453425, 'to': 0.07091736477762484, 'a': 0.054245544450062994, 'be': 0.0272857433438176, 'is': 0.026935816269772952, 'with': 0.02443757666434056, 'which': 0.023395257749648266}, {'<s>': 0.10126085280076214, 'it.': 0.023792863532713593, 'them.': 0.012912641003848193, 'day.': 0.010529196152836515, '.': 0.009464711290754707, 'time.': 0.007434840058458769, 'him.': 0.006607679337106404, 'year.': 0.006505812889762245, ':': 0.006014031196505225}, {'of': 0.36044906642018054, 'to': 0.12466716034662632, 'in': 0.12063721318774619, 'by': 0.07421141790613818, 'and': 0.0521408927141754, 'for': 0.05085820752987916, 'In': 0.05068393488819413, 'that': 0.04687657443150643, 'from': 0.04078741711860156}, {'it': 0.14439175345601873, 'It': 0.13619585374929596, 'he': 0.09715275621062996, 'which': 0.08342496812336188, 'I': 0.060861012391498964, 'and': 0.04571194026587282, 'He': 0.03709465473622664, 'that': 0.03624528936375081, 'who': 0.023734097363744325}, {'the': 0.4034520853977898, 'a': 0.16070288745999603, 'of': 0.08014262377680668, 'his': 0.06666961779169295, 'The': 0.053494557874757334, 'and': 0.05108351264398317, 'this': 0.03977343363745328, 'their': 0.032943196527729084, 'our': 0.030108572029124994}, {'of': 0.15541104818810023, 'to': 0.05525895455875852, 'a': 0.049996516460589176, 'and': 0.04582005227201592, 'with': 0.04066230868054909, 'for': 0.03964103665738631, 'the': 0.034162033140751655, 'was': 0.02763281311339569, 'in': 0.027277820968783985}, {'and': 0.11096690182265644, 'is': 0.10513942946306237, 'that': 0.07009761606042578, 'as': 0.06821206822478175, 'but': 0.060525722920927, 'had': 0.05968491062591833, 'Is': 0.05798432331023999, 'was': 0.056227904953931165, 'have': 0.054515530294052206}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'.': 0.06748590025699468, 'Mrs.': 0.05284319289781085, 'and': 0.05111590608319904, 'A.': 0.050765252088585226, 'P.': 0.041358640567345395, 'of': 0.03328761826391723, 'Mr.': 0.0319964577258706, 'the': 0.030611608770150386, 'by': 0.025949207575124037}, {'taken': 0.0865123540168003, 'picked': 0.08391089349665877, 'made': 0.08206499935863841, 'build': 0.059623414670023, 'put': 0.052292031569133826, 'brought': 0.0496648741544118, 'make': 0.045603338474743134, 'set': 0.0446961920746856, 'it': 0.04266566739738731}, {'It': 0.1728886351433691, 'it': 0.1724361177387657, 'there': 0.1176741857176843, 'There': 0.07760229797745168, 'which': 0.05659434097569204, 'that': 0.04819952084140035, 'This': 0.030381673831139936, 'and': 0.030258176472205394, 'he': 0.02975459687730578}, {'the': 0.28125434298957763, 'a': 0.10437822104089216, 'this': 0.06193768473124973, 'to': 0.04792901285711025, 'other': 0.04202801535799686, 'and': 0.03565890027008084, 'our': 0.03547213864046087, 'each': 0.0323801799634264, 'their': 0.029670526860145124}, {'of': 0.3045590251999109, 'for': 0.25299621238072706, 'to': 0.14843731614447034, 'at': 0.0469614230588783, 'in': 0.04405328076360638, 'and': 0.042408089461457806, 'from': 0.04230128897796206, 'than': 0.027048316400136867, 'For': 0.024442731684138522}, {'a': 0.1319274992241834, 'the': 0.1126467088732579, 'of': 0.0992861023170573, 'and': 0.09337172088370174, 'to': 0.059202365434646395, 'in': 0.053542385086574655, 'for': 0.0525690744708229, 'that': 0.034681604039684566, 'by': 0.025915886944685638}, {'the': 0.7256273158024326, 'The': 0.06895810105384374, 'a': 0.05977937024019516, 'tho': 0.05178063697120832, 'tbe': 0.01679673675603308, 'of': 0.015272024529421292, 'our': 0.013654957257846842, 'and': 0.0092596614534073, 'in': 0.008371480728919169}, {'the': 0.25434159086095426, 'of': 0.11603477959349422, 'a': 0.08645802379040311, 'and': 0.08389333651661544, 'this': 0.07207485122975979, 'as': 0.041196539961903575, 'said': 0.03305143827762876, 'to': 0.0317212118663031, 'in': 0.03139147533777537}, {'and': 0.12724448645151878, 'of': 0.09944183266533747, 'to': 0.08120325146378113, 'the': 0.07228606286274909, 'is': 0.031144193933589425, 'or': 0.027940870919370437, 'be': 0.0278501539628659, 'was': 0.024569467783842842, 'I': 0.023441631735459965}, {'in': 0.49308106195288026, 'the': 0.25477477378760005, 'In': 0.14966490450060652, 'tho': 0.016241211044324966, 'and': 0.012280168454944682, 'iu': 0.009345030550987267, 'of': 0.007246460579235086, 'a': 0.006810113676128576, 'tbe': 0.006383800330793124}, {'the': 0.12956909426388782, 'of': 0.12149718939987988, 'and': 0.07945248655674615, 'a': 0.0762089485669891, 'to': 0.04468485782170717, 'Mr.': 0.03656707820843912, 'in': 0.03089004167677604, 'with': 0.02481900957720866, 'or': 0.02334689798414261}, {'able': 0.06523735019094538, 'right': 0.06474739571136076, 'him': 0.06280606331789508, 'is': 0.05625514651183796, 'was': 0.05364130349245073, 'and': 0.04760424997673402, 'began': 0.04710174313973825, 'enough': 0.040836429547081256, 'me': 0.03829954388143054}, {'years,': 0.0117261720363564, 'time': 0.009262870397660614, 'in': 0.00890977411654615, ';': 0.008527344454505903, 'porous': 0.0073987788236147605, 'hundred': 0.006801710170412053, 'it,': 0.006718792241139122, 'States,': 0.006125726512157915, 'manner': 0.005877824362701369}, {'dollars': 0.22868509139471022, 'pounds': 0.05219066742238865, 'of': 0.05131268356355722, 'cents': 0.04695566610501704, 'a': 0.045040808232505294, 'hundred': 0.04387086826127444, 'and': 0.02803771455547111, 'half': 0.015374836009481635, 'the': 0.015161254852545304}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.20107140298770326, 'I': 0.11812657087970412, 'have': 0.10481519676017877, 'he': 0.09115580641857518, 'had': 0.08520986457034177, 'has': 0.0617574062286731, 'it': 0.05700385604580621, 'be': 0.050026849702655855, 'was': 0.04590269279989739}, {'of': 0.17632857543262373, 'to': 0.14493571538687464, 'and': 0.12033945590396761, 'on': 0.08805195384370071, 'in': 0.03973513587014964, 'at': 0.03331048807284885, 'or': 0.03279437097359258, 'a': 0.03202512037007401, 'that': 0.030120205548435575}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'it': 0.2510748606431947, 'It': 0.17380983153986335, 'he': 0.14672249448337313, 'He': 0.046029785359858244, 'and': 0.04520206023823363, 'I': 0.03676497543080707, 'which': 0.02984622320272862, 'she': 0.02806772402653991, 'that': 0.020731474689284466}, {'the': 0.22834327205068242, 'of': 0.1239320610937626, 'and': 0.08971296411835672, 'to': 0.06904748129729005, 'a': 0.045334692660508595, 'his': 0.03856663385598795, 'their': 0.03856147679546265, 'be': 0.03802035505045554, 'in': 0.037035741084468166}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.07407390314674288, 'and': 0.060980956752963895, 'the': 0.04605919814810707, '.': 0.04458538703821159, 'Mrs.': 0.03823594781233754, 'by': 0.021729940294917323, 'to': 0.020384287323556224, 'Mr.': 0.018196576307111093, '<s>': 0.017797612181545682}, {'highest': 0.0616934415651042, 'up': 0.024586174477142096, 'made': 0.024469626266712133, 'it': 0.020777650973586942, 'in': 0.014158104979489673, 'time': 0.012063184479530526, 'him': 0.01131473286199068, 'them': 0.01065608815978732, 'out': 0.010307590547883272}, {'he': 0.15602755408491345, 'it': 0.07880436707342599, 'and': 0.07753517401022564, 'which': 0.06990646458904312, 'who': 0.059552607674737114, 'that': 0.057704253786323954, 'It': 0.044685681259726266, 'He': 0.034281209762023195, 'she': 0.026971433793165456}, {'the': 0.18283798387446287, 'of': 0.07637793609238538, 'and': 0.06600479528075928, 'for': 0.04678426138896029, 'to': 0.04035623238148847, 'in': 0.025885750822117408, 'a': 0.025015330636849745, '<s>': 0.015954628274984624, 'that': 0.015681347867347626}, {'of': 0.32173892232065093, 'to': 0.10922965568748245, 'in': 0.09896553939557891, 'by': 0.09633640954125258, 'and': 0.07390010454212266, 'on': 0.058612327439855415, 'with': 0.054366758823084935, 'from': 0.040898917020354204, 'that': 0.03854937819929261}, {'of': 0.11220208773126635, 'to': 0.06413252865742765, 'and': 0.04987310477319413, '-': 0.033129079108523744, 'with': 0.02931974506837311, 'was': 0.0272920252847299, 'by': 0.02650859217926051, '.': 0.019681176438125073, 'is': 0.019268884313361625}, {'to': 0.21163458622523076, 'I': 0.12063004198131434, 'will': 0.11134134467227053, 'would': 0.10287374442937025, 'we': 0.09047292118883485, 'they': 0.06869954615778008, 'who': 0.06807490718582324, 'you': 0.0470170402594845, 'shall': 0.046142994882555195}, {'the': 0.1471735254542982, 'of': 0.10556311204518153, 'to': 0.06375678622375638, 'and': 0.04765841370442215, 'a': 0.03581439649473387, 'in': 0.02786664251965525, 'on': 0.02628164838821614, 'by': 0.022485032735388787, '<s>': 0.02009896118105409}, {'and': 0.1838243319337774, 'he': 0.1728787894120932, 'the': 0.060943323813046714, 'she': 0.05523561635127017, 'He': 0.044459694194107925, 'it': 0.04431426736645352, 'I': 0.03446038486227034, 'which': 0.029903503443551936, 'that': 0.023014330337647458}, {'of': 0.15996992289501513, 'and': 0.15815314705544398, 'for': 0.1391736700834407, 'that': 0.0678898500216484, 'by': 0.06745413917269628, 'in': 0.06728756136645662, 'is': 0.0631260849517052, 'was': 0.05154297586570699, 'to': 0.049268981045548624}, {'miles': 0.062256475883922406, 'and': 0.042882599504428694, 'feet': 0.04194860661274483, 'at': 0.035592179722677475, 'away': 0.03543623234018336, 'taken': 0.02635512065230052, 'them': 0.023968373350950384, 'up': 0.02156945282502608, 'ranging': 0.02006562779437408}, {'he': 0.29801298033170787, 'I': 0.09344021247830801, 'who': 0.08903165530990186, 'she': 0.07263489083042275, 'they': 0.06905550800802933, 'He': 0.057068413212798125, 'and': 0.046591501487319095, 'which': 0.044167093795055706, 'that': 0.03905224849309836}, {'and': 0.10621357103659904, 'of': 0.09592475021597927, 'as': 0.0933664698463147, 'the': 0.07498329443544682, 'to': 0.050713985015591476, 'be': 0.03665821157222504, 'such': 0.035312510153626214, 'much': 0.0306652819635511, 'in': 0.028081642731827273}, {'of': 0.10997266824799232, 'that': 0.04579988347951871, 'and': 0.04232929552253542, 'in': 0.03417058724308774, 'after': 0.02077035456237522, 'to': 0.019927991656272303, 'for': 0.019336435204459955, 'by': 0.017197129380994266, 'from': 0.01456993563598249}, {'the': 0.6391026591605445, 'The': 0.07953830598401375, 'his': 0.04531708993807116, 'at': 0.042405538077459844, 'tho': 0.034718259488967944, 'their': 0.021307170882994886, 'was': 0.019803873390593668, 'and': 0.017450305572003465, 'my': 0.01607408841333309}, {'he': 0.14269388556474621, 'He': 0.072665970682616, 'I': 0.06854452403640633, 'it': 0.05695222188362463, 'and': 0.05292778871924722, 'which': 0.0459268192651719, 'It': 0.0455909605786188, 'who': 0.04159866399922762, 'she': 0.03391586305105096}, {'is': 0.14032372627948092, 'are': 0.1075272971809354, 'and': 0.10524297646201153, 'was': 0.10263098443697233, 'be': 0.08613127530812938, 'not': 0.08100121282091961, 'been': 0.06514243131944969, 'were': 0.03736235636720743, 'do': 0.0356837235046052}, {'of': 0.40017775536126043, 'and': 0.086804774229585, 'to': 0.08336863288910122, 'in': 0.07130207149497125, 'by': 0.06419846018056878, 'with': 0.04276132650223478, 'that': 0.04185064974996928, 'for': 0.03427592584540106, 'on': 0.025342933107836627}, {'the': 0.2350216324720905, 'his': 0.1207479068627841, 'of': 0.059784941388045736, 'their': 0.05968993796546463, 'this': 0.05560275941641251, 'a': 0.04391648334139374, 'to': 0.04097281213676788, 'my': 0.03254918784819892, 'in': 0.03210565918089686}, {'<s>': 0.05499977375390834, 'it.': 0.03565118420448532, 'them.': 0.025519113056925873, 'him.': 0.01807731509211068, 'her.': 0.011944625338060493, 'time.': 0.011325159821827436, 'again.': 0.009523213413352515, 'life.': 0.009242440830834583, 'me.': 0.008506792759262662}, {'of': 0.38593400997146937, 'in': 0.27424010071566757, 'to': 0.05202585652654309, 'In': 0.04879204663581685, 'for': 0.04857694533651552, 'that': 0.04115541499751291, 'by': 0.03568695928218943, 'and': 0.03300964559845421, 'from': 0.0179353201389095}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'him,': 0.01912113890332386, 'him': 0.018975102571619735, 'it,': 0.018091053016032452, 'it': 0.017059132467985395, 'time': 0.014334183548915585, 'man': 0.011941143601974721, 'up': 0.011448246003300659, 'them,': 0.010189220527203252, 'them': 0.009913149759680318}, {'the': 0.16865219497074638, 'in': 0.10067311879109828, 'of': 0.0728280319980982, 'and': 0.06497297884322586, 'a': 0.04948682649160133, 'to': 0.04322806053291282, 'that': 0.03428066343991948, 'any': 0.030138227862724576, 'for': 0.027930634147273394}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'it': 0.24906229886376205, 'It': 0.15096282469788008, 'which': 0.08539513707700012, 'he': 0.05341318183646925, 'that': 0.04699153474276492, 'what': 0.03992281403638741, 'who': 0.037799638320761934, 'and': 0.024152400133065945, 'This': 0.021356024622071288}, {';': 0.058445770180934394, 'and': 0.02228270796207434, 'him,': 0.021098996297568232, 'them,': 0.015026788470027315, 'it,': 0.012494589323554298, 'up,': 0.008943418994132013, 'her,': 0.008898115795371793, 'time,': 0.008546546037457428, 'man,': 0.007492839660915809}, {'of': 0.12563151641401582, 'the': 0.09928049073147802, 'and': 0.08500477015057593, 'to': 0.07700722248287285, 'for': 0.06283462508827616, 'a': 0.05493619751747776, 'in': 0.035782188890979054, 'was': 0.029437675046122696, 'by': 0.029388517558700096}, {'the': 0.1334523171506886, 'of': 0.10027066180516668, 'to': 0.07211598926405483, 'for': 0.061036326476483355, 'in': 0.05866475631098178, 'and': 0.05619322613056498, 'be': 0.0358688587853026, 'a': 0.030556937751260102, 'or': 0.03034079983577527}, {'the': 0.16262722465144508, 'of': 0.09605398498772871, 'a': 0.05715369362136166, 'to': 0.047235583264201596, 'in': 0.04259210197915025, 'any': 0.04019520942918945, 'for': 0.038900184006499285, 'or': 0.03687117495452614, 'and': 0.03404792952970576}, {'<s>': 0.12037019821847333, 'it.': 0.019535984241896735, 'them.': 0.01672739901899268, 'time.': 0.009603529680944998, 'him.': 0.009138142602516929, 'day.': 0.00907354722090973, 'country.': 0.008609525334000542, '.': 0.007991569503927744, 'year.': 0.007989802254766167}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'him': 0.07850433552901864, 'able': 0.07525868579973062, 'is': 0.07378647932280423, 'and': 0.07066407872729127, 'not': 0.06933881601466864, 'want': 0.06316997762698834, 'right': 0.05748962226637762, 'have': 0.05238359922298605, 'enough': 0.050861749304252635}, {'the': 0.31284480996398845, 'The': 0.18225414924121766, 'and': 0.10281881347414615, 'of': 0.08634316191195181, 'that': 0.05126320494133186, 'an': 0.04232363906703798, 'This': 0.03600001601747549, 'his': 0.0339080458131156, 'this': 0.025425740727200594}, {'of': 0.1484084501502841, 'the': 0.12471451430328916, 'a': 0.1205126036368278, 'and': 0.05515249968441309, 'to': 0.05264427669373788, 'in': 0.041963558855868485, 'for': 0.03620874188757197, 'with': 0.0226658443687746, 'that': 0.019483947415037527}, {';': 0.028692787991128118, 'me,': 0.026726561107686106, 'it,': 0.020515845799928444, 'him,': 0.01519074319706082, 'up': 0.014226388291728958, 'them,': 0.01325062380225144, 'me': 0.01270840192396075, 'him': 0.012294121530615787, 'in': 0.011111156082893715}, {'have': 0.11011026008053763, 'be': 0.10703694352468619, 'and': 0.10666453178616617, 'had': 0.1010097544382823, 'was': 0.09529738694719489, 'he': 0.07809207312828075, 'has': 0.07646534230668695, 'not': 0.06614212689016061, 'been': 0.061339656536511564}, {'cent': 0.43722253531960587, 'cent,': 0.1533609900370075, 'centum': 0.11396393325450205, 'cents': 0.05984380631435683, 'dollars': 0.02172744993777934, '$1': 0.014447898632372771, 'percent': 0.012683925096786425, 'ten': 0.010730740608649206, 'half': 0.007522363191275204}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'of': 0.2468105429409301, 'a': 0.10701671699748722, 'the': 0.09419774381898911, 'and': 0.06979677295196278, 'for': 0.06473926856127725, 'said': 0.0584498580639172, 'his': 0.04260574682033093, 'to': 0.028737933341115147, 'her': 0.01995726405679378}, {'he': 0.17104015503838865, 'it': 0.10794059142272125, 'I': 0.09212097181078911, 'It': 0.07337375589989836, 'He': 0.07249624587097396, 'which': 0.058467652227493276, 'and': 0.046314154856973024, 'she': 0.043064764473873654, 'who': 0.03535049706763142}, {'and': 0.09426504603327293, 'bridge': 0.09128549681841329, 'came': 0.06294479068500626, 'up': 0.04678135114290985, 'went': 0.044282842520460095, 'directly': 0.03878810441070438, 'out': 0.037210885113326146, 'go': 0.032807338525524164, 'way': 0.031847924041043585}, {'him': 0.0650281362202461, 'able': 0.06126099608877347, 'have': 0.05785931632680374, 'and': 0.05674019098202099, 'want': 0.05573873278356607, 'allowed': 0.053151966443267716, 'them': 0.051440435194758924, 'is': 0.050855137760593035, 'had': 0.05072724741207521}, {'in': 0.04192859855479731, 'costs': 0.03139334438642626, 'land': 0.031171214027504224, 'principal': 0.024581725927369975, 'time': 0.02257188396662682, 'rights': 0.017119330611144727, 'city': 0.01340411370644066, 'feet': 0.012850381959485034, 'labor': 0.012333514939360786}, {'last': 0.27471168264380663, 'the': 0.1801073612389099, 'Saturday': 0.12902739500232094, 'at': 0.0535224237104414, 'to': 0.052433025588541224, 'Thursday': 0.05233433619493983, 'of': 0.05192586654262615, 'Friday': 0.051464669425599456, 'all': 0.04896445387912402}, {'of': 0.3445120045285038, 'to': 0.16550215202876842, 'in': 0.1060884393668039, 'that': 0.06402923510242486, 'and': 0.059350485449540635, 'by': 0.052175497389041654, 'for': 0.03956950384139075, 'at': 0.03389231648529564, 'with': 0.03355996839956301}, {'and': 0.06433898006251484, 'arrived': 0.054178768263310376, 'held': 0.027836538827787576, 'sold': 0.026351120141580045, 'Dated': 0.02597530982002032, 'closing': 0.021181252532130084, 'was': 0.019247412168903175, 'made': 0.016973694999597447, 'arrive': 0.014245911937663187}, {'and': 0.10675065011150014, 'time': 0.06810230270431697, 'ever': 0.050844165491326504, 'that': 0.03752605231885707, 'years': 0.03658228832092759, 'Ever': 0.035046292219431174, 'long': 0.03115972949737787, 'elapsed': 0.030840500915531983, 'or': 0.0252697371943365}, {'the': 0.16605852186639355, 'of': 0.14070937603475167, 'and': 0.1143345987638643, 'in': 0.08060971843095242, 'a': 0.04712128076684607, 'was': 0.041385229895600145, 'is': 0.03268934456189368, 'are': 0.02829970660919936, 'be': 0.02710781124776313}, {'It': 0.23584484146129658, 'it': 0.10321073293277717, 'which': 0.057541634282838844, 'This': 0.056918428175544974, 'there': 0.05090282447638896, 'that': 0.04934366415941196, 'he': 0.035482473374731614, 'and': 0.02560426482019707, 'this': 0.025052204069571808}, {'and': 0.13369894393103138, 'it': 0.04295706416117184, 'was': 0.033265418498510155, 'as': 0.032396102212666665, 'be': 0.031454610081298, 'he': 0.029373459886556878, 'been': 0.017134400388779936, 'It': 0.016712489107127807, 'is': 0.016022329293719925}, {'of': 0.2616160566190961, 'in': 0.11229938592155449, 'to': 0.10725098432773415, 'and': 0.09230842325961024, 'that': 0.06124098391930608, 'as': 0.05774973746358975, 'for': 0.051945219500525205, 'at': 0.0471627887394385, 'on': 0.042121878687454845}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.6794627631869108, 'The': 0.10067659776137108, 'no': 0.0467424205557192, 'a': 0.03921327503909788, 'tho': 0.034484370069977316, 'of': 0.01942809771070383, 'in': 0.015198759990198563, 'and': 0.013934803491573005, 'any': 0.010858274924131203}, {'of': 0.13109486159674436, 'in': 0.12816279372921488, 'a': 0.12055941739294637, 'the': 0.07737339588328417, 'to': 0.05513253816116702, 'and': 0.04089346722637368, 'In': 0.03605979314687852, 'for': 0.03044773636377571, 'at': 0.029628366480635947}, {'the': 0.18661680010278714, 'of': 0.13859764054053605, 'and': 0.07335019016230905, 'a': 0.05494436772921211, 'to': 0.053415033064953356, 'be': 0.04822901224060068, 'in': 0.03206715104658127, 'for': 0.028225088042469478, 'their': 0.02739971087179803}, {'and': 0.11093047378120466, 'was': 0.10553976104577327, 'not': 0.07448867058738305, 'is': 0.0701840184038106, 'be': 0.05523813846363427, 'are': 0.05172785014016753, 'been': 0.04765347009565085, 'or': 0.040839578905390576, 'were': 0.03681052852270347}, {'is': 0.16161926990768002, 'be': 0.16067025712178176, 'are': 0.13097250307636854, 'was': 0.09724855939266602, 'not': 0.08721493263151292, 'and': 0.06524216099271263, 'been': 0.0390138731812427, 'were': 0.034813674819800376, 'well': 0.026746153689211207}, {'and': 0.26989854247695544, 'that': 0.08373924521536337, 'of': 0.06755438630146383, 'are': 0.05274372097912491, 'to': 0.051652904129932106, 'was': 0.04647808529213058, 'were': 0.04088970722114237, 'they': 0.03228700807237956, 'it': 0.026353934570534962}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'the': 0.38837336734417227, 'a': 0.3168035049021501, 'and': 0.09327558422700012, 'The': 0.04342500255861447, 'tho': 0.027235224721531188, 'of': 0.02525910645764987, 'most': 0.023528981231694522, 'on': 0.022355672525135376, 'very': 0.016824046949198555}, {'the': 0.1301403198655935, 'of': 0.0831789603093129, 'and': 0.08172486965736375, 'was': 0.06480664772300825, 'to': 0.0643892185378006, 'be': 0.04724497650581071, 'is': 0.04134264370080717, 'in': 0.03164178717779579, 'or': 0.026030927442237107}, {'on': 0.2287307820403037, 'of': 0.22109320825285456, 'to': 0.08707555650964284, 'and': 0.0857280017741241, 'in': 0.0774728467128853, 'with': 0.05910170639846816, 'from': 0.05340739939458756, 'by': 0.03699974500670126, 'at': 0.036468868667319985}, {'the': 0.2625906002705635, 'of': 0.11513222339312526, 'a': 0.08725663421025907, 'public': 0.06442815916939637, 'said': 0.05637144118131687, 'for': 0.04764624901053073, 'at': 0.0405889155587075, 'in': 0.040157104690857606, 'to': 0.03998835437351738}, {'of': 0.29779489217219135, 'at': 0.14439892159291354, 'to': 0.12478721761136904, 'in': 0.073507025653583, 'on': 0.06291646777280163, 'from': 0.05918247865352605, 'for': 0.055486535603179524, 'that': 0.050106947260243666, 'with': 0.04853085263865904}, {'the': 0.11419761941588019, 'of': 0.10238479968736795, 'and': 0.1023683993712013, 'to': 0.04528585461173886, 'in': 0.037018775428781264, 'be': 0.02061096457796895, 'as': 0.019968279140607077, 'on': 0.019375411616019984, 'that': 0.018877638591339164}, {'and': 0.0469146164955636, 'made': 0.040358353963635143, 'up': 0.03853757050399167, 'secured': 0.028338565527738478, 'out': 0.028250288838595105, 'taken': 0.02664009469953469, 'ed': 0.023391293532005305, 'him': 0.020408228409801416, 'done': 0.018948733585617054}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'and': 0.13761646152073623, 'he': 0.12805319897969294, 'had': 0.08275444659041091, 'has': 0.06959911303619025, 'have': 0.06876242942327135, 'who': 0.05475687820378295, 'be': 0.05394357269384507, 'dis-': 0.05076651358426225, 'He': 0.044689384211060224}, {'the': 0.47097393610585486, 'The': 0.17454909136394856, 'an': 0.08427318149474461, 'this': 0.04560305372810279, 'that': 0.033568269466698566, 'of': 0.03278042899583884, 'tho': 0.02592915594051338, 'his': 0.024346278022595327, 'An': 0.018114984410012525}, {'the': 0.16605852186639355, 'of': 0.14070937603475167, 'and': 0.1143345987638643, 'in': 0.08060971843095242, 'a': 0.04712128076684607, 'was': 0.041385229895600145, 'is': 0.03268934456189368, 'are': 0.02829970660919936, 'be': 0.02710781124776313}, {'the': 0.18088452262258353, 'a': 0.17747052632251706, 'and': 0.07173640791534776, 'of': 0.05775651185105909, 'The': 0.03439443329370779, 'to': 0.02512375356746104, 'an': 0.021273267115969212, 'in': 0.019438083125909295, 'for': 0.01827928560866463}, {'mailed,': 0.04033287404928842, 'in': 0.02332738267399843, ';': 0.022516596737833773, 'it,': 0.010072931917669805, 'mortgage,': 0.008857145777329063, 'up': 0.007375645305186829, 'them,': 0.007266926096982861, ',': 0.006974651625001487, 'States': 0.006406404043883155}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'he': 0.14227930802986344, 'it': 0.11146402184745223, 'be': 0.06696573461045806, 'and': 0.0635730698688619, 'they': 0.05502043119977386, 'one': 0.046530973441062363, 'It': 0.03512287203833173, 'who': 0.03056626244842328, 'He': 0.0296124784880749}, {'and': 0.09791024231486044, 'was': 0.05179125470805108, 'it': 0.03362878305985305, 'is': 0.030693921946862213, 'that': 0.025471945747647665, 'are': 0.024083422366019076, 'made': 0.02220679977517588, 'were': 0.021908712969501462, 'but': 0.020908291225251636}, {'of': 0.27187641820071207, 'in': 0.1457264245339042, 'to': 0.09614514828612457, 'for': 0.09092574423170875, 'and': 0.08544177461688654, 'at': 0.053551513663672626, 'that': 0.04796836639157626, 'In': 0.04182941545299031, 'from': 0.03841341251713606}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.1607555040340477, 'the': 0.10646437373002796, 'and': 0.07657236407997822, 'to': 0.06934823775482392, 'a': 0.06257505112360169, 'in': 0.030517466680142605, 'for': 0.028913646088723696, 'that': 0.021501248130668383, 'at': 0.018123728306977088}, {'the': 0.24513838443523886, 'and': 0.13757716011077503, 'of': 0.0866676257323261, 'his': 0.07930058398822826, 'her': 0.06261886610314958, 'he': 0.061340060845458996, 'their': 0.049185594720856346, 'that': 0.03397891926673532, 'which': 0.03297052513955724}, {'the': 0.6662298407659123, 'The': 0.12044562826559561, 'tho': 0.034364535171370336, 'of': 0.03021721479765374, 'his': 0.0232490149565505, 'their': 0.02244764091695975, 'our': 0.016671263126143684, 'and': 0.01102922016088701, 'tbe': 0.009569265798783293}, {'and': 0.10088547314186116, 'of': 0.0867331541517078, 'the': 0.07577945099304696, 'to': 0.050832194191652046, 'a': 0.04485771531887845, 'for': 0.04196166962318369, 'which': 0.03680465849200488, 'was': 0.03476593887898211, 'more': 0.03372241346713815}, {'in': 0.31979569494128196, 'of': 0.15630667444316707, 'at': 0.11743230705583811, 'to': 0.10890895907904372, 'In': 0.06721738777019563, 'from': 0.03717720207501632, 'with': 0.036886135555455786, 'on': 0.03478448381790965, 'for': 0.03451347744891644}, {'and': 0.03974337774897075, 'as': 0.028855825913515713, 'it': 0.028610185533549166, 'It': 0.027303528336062196, '<s>': 0.02386140602762407, ';': 0.02102639192810178, 'that': 0.018078925164790833, 'which': 0.01621164023504455, 'land': 0.01549830770180696}, {'it': 0.21874923445418182, 'It': 0.1738940325612435, 'which': 0.09876304092299716, 'and': 0.06766565350549354, 'as': 0.05105416073187735, 'he': 0.04638705191836928, 'that': 0.045142379155576964, 'who': 0.03700518081730852, 'what': 0.034852307938778214}, {'that': 0.262902040652421, 'if': 0.13232001379010308, 'which': 0.11333987433434584, 'as': 0.09241877035054233, 'and': 0.07917667905582393, 'when': 0.05205002771715854, 'where': 0.04996305282895771, 'what': 0.04110985024133655, 'but': 0.0336965700199331}, {'men': 0.023223257368243985, 'William': 0.01680438185576745, 'hundred': 0.015295692292712, 'James': 0.01476966153248692, 'Robert': 0.012879477713509436, 'John': 0.01257836095407161, 'one': 0.01212051566274225, 'up': 0.011934891554198778, 'city': 0.009832136337643732}, {'of': 0.2298030097090993, 'and': 0.1486633182066997, 'in': 0.08622474249654588, 'to': 0.07443831929506128, 'at': 0.05507322060189104, 'that': 0.051783625346336286, 'with': 0.04336910542930312, 'on': 0.04335275002743204, 'for': 0.04038628606295648}, {'they': 0.18886184477547105, 'who': 0.12113127203157456, 'which': 0.08534012827230834, 'there': 0.06838995734785236, 'we': 0.058745594002263736, 'men': 0.04642627963579404, 'They': 0.0433022433789121, 'and': 0.03995258851482876, 'that': 0.035875137904595976}, {'make': 0.10690366449189931, 'and': 0.07995009203200507, 'that': 0.07318192722494547, 'of': 0.06488486188113737, 'give': 0.048806455731730716, 'as': 0.03922654651581969, 'is': 0.03848194086092329, 'for': 0.03704311094639325, 'on': 0.03636055549763438}, {'the': 0.27051132572951275, 'of': 0.25953845525205604, 'for': 0.07906869399878289, 'an': 0.06566257346047136, 'a': 0.06549368415274558, 'in': 0.057180283020076814, 'by': 0.05394399105329425, 'to': 0.04092207021482953, 'and': 0.03577415093432686}, {'as': 0.18584639420968524, 'and': 0.09087674476295729, 'very': 0.07669216320733314, 'so': 0.07090395550994841, 'the': 0.06967018813936753, 'be': 0.05864074664994317, 'are': 0.05103530391305905, 'is': 0.05048160554599056, 'was': 0.047681344704940704}, {'and': 0.14705895900004815, 'the': 0.08228142382839766, 'it': 0.06440767453432233, 'he': 0.06060594086779762, 'which': 0.05672200712518518, 'that': 0.05000105107466468, 'It': 0.04358758694269924, 'they': 0.03731784985818059, 'I': 0.03258845495427964}, {'of': 0.49349851232897757, 'in': 0.20608134514423915, 'to': 0.09035902430999389, 'In': 0.036590270599369236, 'for': 0.03299128467269864, 'throughout': 0.0321767357098096, 'by': 0.02956099368612178, 'from': 0.018906928375493934, 'and': 0.018573373346879512}, {'and': 0.29215315285632304, 'to': 0.05993686636333615, 'which': 0.052770388000788405, 'that': 0.0462544711959664, 'it': 0.04203326084621226, 'as': 0.028524186296116742, 'It': 0.018953081922784103, 'who': 0.017972471762694328, 'I': 0.0173365547757225}, {'the': 0.1873830439526333, 'of': 0.10165320332316363, 'to': 0.07121158975065293, 'and': 0.06239695364163807, 'in': 0.035446901840830145, 'for': 0.035173487692861834, 'be': 0.028874204567123713, 'was': 0.021018146370974093, 'is': 0.019131692790431924}, {'to': 0.10415613395850486, 'the': 0.09248174847753868, 'of': 0.09081919420563517, 'and': 0.05046539445263213, 'at': 0.03374581942426956, 'in': 0.025331294012130277, '<s>': 0.02115620523645335, 'on': 0.019428219552311426, 'from': 0.01810062467963043}, {'the': 0.12055541092024216, 'and': 0.09709712986392757, 'of': 0.07236196540320797, 'to': 0.07103464624088203, 'a': 0.06876185090011978, 'be': 0.049640258180551386, 'was': 0.047674638170893874, 'is': 0.03584089347281521, 'in': 0.024073105282314253}, {'is': 0.20471766434364738, 'was': 0.12043773619937179, 'and': 0.11951025127335178, 'are': 0.08035686678281917, 'has': 0.055742185623730574, 'not': 0.04851025139097227, 'have': 0.04816473461481939, 'had': 0.04026477377068332, 'it': 0.031172351860681072}, {'on': 0.18822380851794948, 'of': 0.18550294693602234, 'and': 0.13775550986075136, 'to': 0.09290377430568626, 'On': 0.08422691802573472, 'all': 0.05560600372835125, 'with': 0.053992266041829225, 'in': 0.051745693465751676, 'that': 0.04239106999069966}, {'a': 0.6041485343372065, 'the': 0.0739660377845062, 'very': 0.05088554442777023, 'and': 0.03733200066246008, 'of': 0.03219486581385457, 'so': 0.02991550620749979, 'A': 0.025506654839880183, 'in': 0.0220171962151789, 'some': 0.02098491369079519}, {'to': 0.46758969985010274, 'will': 0.12342680154507299, 'would': 0.04742058214203972, 'shall': 0.04461402523337247, 'not': 0.03555829155591804, 'may': 0.03423991951519922, 'should': 0.031581684483014856, 'and': 0.03151675686964635, 'can': 0.026462220845373124}, {'it': 0.12409746646274301, 'which': 0.09753084805561459, 'and': 0.09127739176211083, 'It': 0.08735930400064959, 'they': 0.08327674646809431, 'he': 0.0767476771332905, 'that': 0.057204440903871084, 'who': 0.044441596706192486, 'I': 0.034764666670673745}, {'the': 0.1291049842003432, 'of': 0.1179179281232188, 'to': 0.07075327493425593, 'and': 0.06609359420315158, 'a': 0.051117454575321276, 'in': 0.044484807268885436, 'for': 0.021128517648645696, '<s>': 0.015908665107318646, 'that': 0.015831843188432705}, {'is': 0.2502451057127281, 'have': 0.12931909096846197, 'that': 0.09002211939921696, 'had': 0.08881861638792479, 'and': 0.08419004037030745, 'for': 0.06528269638361092, 'was': 0.06518216561803047, 'be': 0.05531097698359395, 'has': 0.05293116501425665}, {'the': 0.8203498211707788, 'tho': 0.04753642296995339, 'The': 0.02294055349399141, 'tbe': 0.017621120386695034, 'of': 0.016756398098910653, 'and': 0.008890853979286158, 'in': 0.008383594652793161, 'by': 0.005686652146253728, 'a': 0.005664633526463582}, {'the': 0.2192591394122014, 'no': 0.1628225398510479, 'any': 0.15565002831684363, 'and': 0.11577085632946675, 'each': 0.0749041651125739, 'or': 0.06677247265428626, 'some': 0.047639356332924127, 'all': 0.04713943863677534, 'from': 0.045186822665486896}, {'of': 0.24005211323463882, 'in': 0.1085996241809123, 'with': 0.08880908560946321, 'by': 0.08556317093873034, 'to': 0.07095537420971475, 'as': 0.06958386938607684, 'is': 0.06204750948860595, 'for': 0.059761512631337194, 'such': 0.05809163783634194}, {'and': 0.09233381274533453, 'is': 0.09159860064703555, 'as': 0.05966301852816687, 'was': 0.05409968109607313, 'able': 0.05360682836080113, 'not': 0.05165517376262169, 'enough': 0.044243515730632454, 'him': 0.04351057368283418, 'order': 0.04224418601102514}, {'be': 0.17097300142518673, 'been': 0.08033531655799277, 'is': 0.07797394840112844, 'are': 0.0758677458136616, 'and': 0.0711289350214943, 'was': 0.0658651818961527, 'have': 0.047765561611850374, 'were': 0.045731505855296485, 'being': 0.041680490521923186}, {'per': 0.7120234245985771, 'the': 0.10914628869708268, 'of': 0.03268518470815865, 'and': 0.024034081464293738, 'an': 0.02213882911391978, 'by': 0.01561444555220639, 'to': 0.011223750047501825, 'that': 0.006791019893432673, 'The': 0.004191945725123005}, {'contained': 0.13998791982081818, 'described': 0.1348790544648034, 'stipulated': 0.10407512578119149, 'recorded': 0.05812799664616946, 'and': 0.05674488223029731, 'situated': 0.05230877718002677, 'interest': 0.04858719702032379, 'interested': 0.039407244749434356, 'filed': 0.019730525973295734}, {'a': 0.18316607062260248, 'the': 0.16502886092941468, 'his': 0.14754630282579073, 'their': 0.09761109621502366, 'this': 0.09505108124178949, 'my': 0.06502378830832208, 'no': 0.05167172381753891, 'any': 0.03958789009743296, 'your': 0.039029167291107496}, {'and': 0.060315181537024615, 'went': 0.046856160041458705, 'go': 0.0394313844988952, 'feet': 0.03658347700146108, 'as': 0.035578031321667106, 'them': 0.03130368931785433, 'sent': 0.02801167908873114, 'up': 0.027985327214617793, 'made': 0.02747611809542501}, {'<s>': 0.10409257247658191, '.': 0.01629472685788161, 'it.': 0.013349865086300842, 'them.': 0.01024467723845651, 'day.': 0.006642913671782783, 'him.': 0.006125928323822358, 'time.': 0.006115328645492451, 'of': 0.005993793787391952, 'country.': 0.005459360659878668}, {'the': 0.7340467577280665, 'The': 0.06887740560494174, 'and': 0.055473786320644945, 'tho': 0.04447967730143171, 'tbe': 0.017387535321866644, 'of': 0.01179673209329759, 'on': 0.008995503883706625, 'about': 0.0061494979191216255, 'two': 0.00613232694530573}, {'the': 0.32800408757416344, 'a': 0.09689921915635445, 'and': 0.07418346740390809, 'in': 0.04944988319576152, 'The': 0.043129450209331996, 'of': 0.03659443795319348, 'place': 0.02841238717485327, 'point': 0.024387760367342706, 'his': 0.023572764286336593}, {'and': 0.11321579575045669, 'of': 0.10608563134592892, 'the': 0.043550629056966404, 'to': 0.043437972402735524, 'South': 0.024320815323267124, '<s>': 0.024172460714993252, 'on': 0.02015285161997988, 'for': 0.01985644329991402, 'from': 0.01900736652744094}, {'of': 0.2861523254895883, 'to': 0.10321234554586928, 'with': 0.08251806662610496, 'and': 0.0804887446776547, 'is': 0.07408477594889004, 'in': 0.070463579929481, 'that': 0.05262063137701935, 'by': 0.049366110960523776, 'for': 0.04911385848964588}, {'the': 0.7821149638320279, 'a': 0.05722358459021913, 'The': 0.049934206525568944, 'tho': 0.04393528775542931, 'tbe': 0.015012958464591358, 'this': 0.008044692729111765, 'and': 0.005470189769583637, 'great': 0.00476638631497951, 'whole': 0.0034977642377820423}, {'a': 0.5464549007239595, 'of': 0.14493942421731593, 'in': 0.08272754010056092, 'the': 0.07571610611891562, 'for': 0.026389805194632722, 'very': 0.023858039969815947, 'with': 0.02106345233555674, 'to': 0.01932319721340146, 'In': 0.01725898209273801}, {'in': 0.49308106195288026, 'the': 0.25477477378760005, 'In': 0.14966490450060652, 'tho': 0.016241211044324966, 'and': 0.012280168454944682, 'iu': 0.009345030550987267, 'of': 0.007246460579235086, 'a': 0.006810113676128576, 'tbe': 0.006383800330793124}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.1491471839482544, 'of': 0.10176773405734918, 'a': 0.08032705986397375, 'the': 0.07489856502983054, 'and': 0.07255362674029549, 'in': 0.031550040381103595, 'that': 0.023603243728293172, 'be': 0.02310903022562426, 'with': 0.022518817051463635}, {'so': 0.43612700792409453, 'and': 0.08726946261036383, 'of': 0.08008653021099783, 'So': 0.07387301232077616, 'too': 0.062324282457266345, 'very': 0.05943868025927554, 'are': 0.03777437483913485, 'the': 0.03486890641628325, 'as': 0.03479321874252034}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'the': 0.1560491281891145, 'of': 0.14277852096061097, 'in': 0.08650540158146033, 'to': 0.053136210694704165, 'and': 0.05100231624457651, 'on': 0.03344717851076286, 'a': 0.02784978511837225, 'In': 0.020623644123429433, 'by': 0.01869584002488056}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'a': 0.40761437264075995, 'large': 0.09030270111905893, 'the': 0.0781534752547719, 'any': 0.07201155385393274, 'that': 0.0690856923564584, 'greater': 0.04843592680788119, 'this': 0.03399445633762204, 'one': 0.028410255184103898, 'every': 0.02550578885189348}, {'a': 0.2661432008420928, 'is': 0.16841835653719564, 'was': 0.11786802711297446, 'the': 0.08740348255217617, 'be': 0.07108910654911782, 'are': 0.0672175924386398, 'not': 0.041486449323085955, 'and': 0.03670088936987254, 'were': 0.03274870099091172}, {'of': 0.3480128800417348, 'in': 0.23586407606836476, 'In': 0.07982526988948391, 'the': 0.07406486898644635, 'on': 0.059873776947692595, 'to': 0.03613431396469316, 'and': 0.025112805603169225, 'from': 0.015678572465986303, 'with': 0.01117551208789798}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'number': 0.08718180750398564, 'point': 0.049877446040038236, 'out': 0.045069470573893315, 'place': 0.04485267092366181, 'sort': 0.043524788349520144, 'kind': 0.042056940374034235, 'right': 0.04156789923299089, 'matter': 0.04048274169806401, 'amount': 0.03963258819130974}, {'the': 0.3220106673481231, 'a': 0.1301569495794064, 'of': 0.08690883584912103, 'in': 0.04369075653036431, 'and': 0.03217764830070676, 'for': 0.03094795316046177, 'The': 0.020361946709360087, 'that': 0.020155096875795992, 'an': 0.018871070208572892}, {'to': 0.5769461836388463, 'not': 0.10225278743394607, 'will': 0.07703669668753274, 'would': 0.0703182406800383, 'and': 0.05618485304753795, 'may': 0.018452722868917987, 'must': 0.016996004398085157, 'I': 0.015837296888761874, 'we': 0.013320517136100723}, {'those': 0.15332713434261774, 'men': 0.09852343076918811, 'man': 0.09108925393623991, 'and': 0.08316084892215062, 'one': 0.049278830962396956, 'person': 0.030054934918624748, 'people': 0.02891177501254077, 'all': 0.0251811854745125, 'persons': 0.022453834133164652}, {'the': 0.5310549236400971, 'a': 0.11935911352544283, 'The': 0.07142447578406998, 'and': 0.04860020183516106, 'tho': 0.0319376163737195, 'of': 0.02663070006971965, 'A': 0.016627554244989653, 'tbe': 0.011205065050974444, 'that': 0.00864567340512931}, {'to': 0.34477360979307337, 'I': 0.056839039818529856, 'and': 0.055382849111526584, 'will': 0.04454803023392081, 'they': 0.03839232840098788, 'would': 0.028690089094057545, 'we': 0.024112494498758786, 'can': 0.020493641687034495, 'not': 0.019668716995441538}, {'of': 0.18746234358620834, 'is': 0.12143302923883117, 'with': 0.11327513676098847, 'have': 0.09171309885583331, 'and': 0.0739239635220778, 'to': 0.07111327074462037, 'that': 0.05886511231601362, 'for': 0.052467662795437596, 'had': 0.04722182619192487}, {'and': 0.1396171702125873, 'are': 0.05191700369941728, 'was': 0.04730024755622142, 'is': 0.04315222567372188, 'that': 0.03627209727892128, 'or': 0.03221911176365466, 'one': 0.02632970269165711, 'sell': 0.024214271319476167, 'be': 0.024075275067035565}, {'the': 0.4958158341293679, 'a': 0.2764791142266217, 'The': 0.03637581942923014, 'tho': 0.028596217595689536, 'this': 0.02714494617135145, 'great': 0.018108328652700414, 'A': 0.012404453860281394, 'large': 0.012357554796412621, 'tbe': 0.012184034653079321}, {'and': 0.5938526996670553, 'that': 0.04808996011450042, 'to': 0.022592357606204348, 'which': 0.021432221280091278, 'is': 0.017920911673108473, 'or': 0.0163359657567598, 'but': 0.014201151485764136, 'are': 0.013847709721347228, 'by': 0.01328471360538552}, {'able': 0.06269704197647433, 'and': 0.05691430841659065, 'is': 0.053907376047818194, 'have': 0.05068188778332057, 'him': 0.04788358792811962, 'had': 0.041278948787956175, 'right': 0.03906188901777502, 'enough': 0.038342454991649906, 'willing': 0.03697054181889708}, {'of': 0.25624142293861707, 'at': 0.09495466803910049, 'to': 0.06899309557559301, 'and': 0.051035250929467535, 'in': 0.038310234797640036, 'by': 0.0372413841109116, 'on': 0.02768386835355798, 'about': 0.020622562312487835, 'for': 0.020487294767802387}, {'at': 0.32842171933539266, 'for': 0.27938996433501173, 'of': 0.08152213790655216, 'and': 0.04511706335315142, 'to': 0.036231585066057344, 'that': 0.03288131313115853, 'in': 0.031410057381937063, 'from': 0.02759203299917585, 'At': 0.025315309436875554}, {'the': 0.5727639883089001, 'of': 0.12051556536650213, 'a': 0.03534660349903003, 'tho': 0.0316525084316002, 'and': 0.028180436544326854, 'no': 0.027568515700801502, 'The': 0.024964891613568754, 'their': 0.020040810086337714, 'surface': 0.016999397100589526}, {'that': 0.2725552313423987, 'and': 0.15022191899016846, 'but': 0.08014394301694339, 'as': 0.07110650483944234, 'which': 0.04577516556660754, 'if': 0.03554186904967178, 'when': 0.0294484663258974, 'of': 0.02680782563325864, 'where': 0.024091052424410234}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.16087279814913005, 'of': 0.11614659496183445, 'and': 0.06915076959195961, 'Mr.': 0.059898502712804995, 'The': 0.041598156408038045, 'a': 0.029413007662211815, 'that': 0.022362165922733806, 'to': 0.0186724759939889, '<s>': 0.017708428854521004}, {'the': 0.24402596928555864, 'of': 0.1381177473467329, 'a': 0.0947361843486959, 'and': 0.08557448140598434, 'to': 0.05232452174336246, 'an': 0.045309313788760415, 'by': 0.03961355265661617, 'be': 0.030520382908859518, 'his': 0.028721663645178582}, {'the': 0.254766915733356, 'of': 0.08929825185227248, 'and': 0.06173262670074447, 'that': 0.05221721490030757, 'The': 0.04389088305407843, 'a': 0.036317544461762045, 'Mr.': 0.0348561244490311, 'or': 0.023164243990297175, 'no': 0.019942012255616374}, {'No.': 0.22649349079002054, 'at': 0.16706079015439587, 'lot': 0.09532029110352794, 'block': 0.07287819030001205, '@': 0.05964018467489724, 'lots': 0.04952058378603096, 'and': 0.03553119817991929, 'June': 0.032449116546213116, 'range': 0.02862020350557048}, {'and': 0.132592842855842, 'that': 0.07137593155666089, 'for': 0.06038310187110821, 'of': 0.059173354917198, 'make': 0.055109748071543244, 'as': 0.055090246772104334, 'in': 0.051833790663268216, 'with': 0.048269192648565495, 'but': 0.044289032127250653}, {'be': 0.19555561814699557, 'was': 0.18047241653460433, 'have': 0.1020408521444946, 'been': 0.08899059859703685, 'had': 0.06792525721225769, 'has': 0.06733044248671019, 'were': 0.06514540929372781, 'and': 0.054846292300638956, 'is': 0.0423584302186335}, {'men': 0.015221389370581682, ';': 0.011689635723275572, 'city': 0.010457891672873091, 'in': 0.010192435429862439, 'and': 0.010154112232669918, 'out': 0.009554606047185875, 'up': 0.009124514843534099, 'States': 0.007808009927289033, 'hundred': 0.007621032617804937}, {'the': 0.34376880664952114, 'that': 0.09526822145535496, 'a': 0.09011160259368403, 'some': 0.08469952012351309, 'same': 0.08152289162369665, 'this': 0.06980681033868656, 'of': 0.04631346447336727, 'any': 0.03775387894891812, 'short': 0.03423524833376485}, {'the': 0.43062031839748727, 'a': 0.1382485701536155, 'of': 0.10190078904736087, 'no': 0.06641087713633963, 'to': 0.0424979855324812, 'and': 0.03608132240113672, 'his': 0.03606395980446106, 'The': 0.03398103665134073, 'absolute': 0.03217671316984894}, {'the': 0.12542485923859642, 'of': 0.11413194151196332, 'and': 0.0889387061061636, 'Mr.': 0.07881827243368578, 'to': 0.04503829135972496, 'a': 0.03289286064723924, 'in': 0.02964395388804584, 'his': 0.02648165808085946, 'as': 0.020567350395879886}, {'at': 0.6516499387040618, 'At': 0.13205004425077727, 'any': 0.04168245388872105, 'for': 0.03130787037379876, 'and': 0.02272548029426346, 'the': 0.020003398194421387, 'of': 0.019203669815812435, 'some': 0.01608418836246344, 'but': 0.014984425466340387}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.15639174682039167, 'to': 0.14827828396824683, 'a': 0.1208954142137943, 'of': 0.11523890001691248, 'and': 0.09883900767263233, 'with': 0.054210619781650274, 'clean': 0.05126402783942038, 'was': 0.039036359120820284, 'so': 0.03350019222071823}, {'virtue': 0.07372054838507916, 'out': 0.0643582522520695, 'part': 0.03907743667416268, 'one': 0.035272612243984924, 'quarter': 0.03209168295079266, 'favor': 0.02368434909271157, 'result': 0.023120733291221517, 'guilty': 0.022440380223500818, 'means': 0.021974823725644504}, {'and': 0.1597509177703589, 'the': 0.06622509818866433, 'to': 0.0608627459609174, 'of': 0.050998487467258935, 'that': 0.032492781262620216, 'be': 0.025816572141946586, 'in': 0.024930156717559784, 'or': 0.024850459633531573, 'which': 0.022168170263680093}, {'the': 0.6246109528600217, 'a': 0.058732143582563213, 'The': 0.05146199831487863, 'and': 0.04718983304966557, 'tho': 0.03113590320935935, 'of': 0.022961838485482704, 'said': 0.021947617841951532, 'his': 0.017162900752491043, 'tbe': 0.013292407290470142}, {'the': 0.2997709275290201, 'a': 0.11021264750770486, 'and': 0.08501601028776573, 'of': 0.06397706701442211, 'in': 0.03537363454981016, 'to': 0.03087466265909002, 'The': 0.030375607833268033, 'an': 0.025339218865733787, 'tho': 0.02176008543268768}, {'of': 0.344708941465147, 'in': 0.14111131075463806, 'to': 0.1292699627908067, 'from': 0.05380669282867429, 'and': 0.04680960555384443, 'by': 0.045130318296159475, 'for': 0.0418903428994991, 'that': 0.03854504275100206, 'on': 0.03600724323029576}, {'the': 0.17819988343473642, 'of': 0.13204611578730763, 'a': 0.0965163172501148, 'to': 0.06525540109036512, 'and': 0.06265954846787808, 'at': 0.054091543876283024, 'in': 0.03872913141256843, 'for': 0.03025938994324102, 'his': 0.028451830622093593}, {'of': 0.3834594725877859, 'to': 0.16871136667966638, 'that': 0.09146072463612397, 'in': 0.07269391007213762, 'for': 0.040357207167960304, 'with': 0.039520790948420245, 'and': 0.0367541717190952, 'all': 0.03462142137522052, 'on': 0.03310495702380648}, {'one': 0.016205199953911776, 'more': 0.014850368963924498, 'on': 0.011077444877729834, 'day': 0.010651749053865015, 'two': 0.010644879159957422, 'person': 0.007819629515499037, 'in': 0.007673885993340908, 'man': 0.007480463731075341, 'law': 0.0064657706989891236}, {'of': 0.45737964730200487, 'to': 0.08402675691935228, 'in': 0.07529925091074313, 'for': 0.0632282552845676, 'that': 0.06107113485465153, 'and': 0.053553203175726344, 'with': 0.04478955360410893, 'all': 0.041074328029112546, 'by': 0.02944081234206211}, {'import-': 0.08150369418226995, 'pleas-': 0.05122703126881962, 'and': 0.042226847751050754, 'of': 0.027534049188985367, 'defend-': 0.02628898828706319, 'or': 0.01701196851214079, 'the': 0.01322052846754272, 'that': 0.012430540517342499, 'if': 0.010475253403286153}, {'and': 0.0902790569107074, 'them': 0.031317029412726446, 'made': 0.02982680192922595, 'him': 0.025907598414020606, 'pay': 0.022215186205468695, 'demand': 0.02192754106299159, 'or': 0.02143023347647377, 'necessary': 0.02063925101215473, 'work': 0.019860156612456405}, {'<s>': 0.07933365624827349, 'it.': 0.019221412711576177, 'them.': 0.013502137986090158, 'him.': 0.012638079945420183, 'time.': 0.009809355376682137, 'day.': 0.008022396497406555, 'work.': 0.0075250361111298195, 'country.': 0.007208209960414812, 'out.': 0.006783142916054833}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'I': 0.27994299375827636, 'not': 0.158930190841582, 'we': 0.12493168014753916, 'you': 0.08123435761560965, 'they': 0.08049365332364293, 'who': 0.06447477973038436, 'We': 0.05187395815181567, 'to': 0.05136617565200727, 'would': 0.03147225507487643}, {'the': 0.26936565389453254, 'on': 0.09939589218695645, 'at': 0.07069964728469555, 'of': 0.06434229749806256, 'and': 0.04551440518204599, 'a': 0.036685594373841626, 'from': 0.028761566985091976, 'to': 0.028054981719647563, 'in': 0.026664937190781737}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'was': 0.19881282463808708, 'is': 0.14607139636099664, 'of': 0.1339856161868969, 'in': 0.12125338540144513, 'and': 0.08072292643155692, 'are': 0.07631508289537679, 'been': 0.05055766145093362, 'be': 0.04970991236644615, 'were': 0.0413643036539037}, {'and': 0.10829422591037274, 'that': 0.10689361716326462, 'as': 0.08774650782078944, 'of': 0.062499655590783604, 'to': 0.05885475721670615, 'for': 0.05164464000785778, 'make': 0.045876196257443935, 'but': 0.035670089688299836, 'if': 0.03502760931577988}, {'the': 0.23931454778424324, 'of': 0.12521566833174086, 'and': 0.08248639999637948, 'a': 0.07601883248984374, 'in': 0.022055941216950765, 'to': 0.019274090537492655, 'or': 0.017712219588990254, 'The': 0.017414931862003668, 'tho': 0.015369401914094733}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.20932933565483686, 'that': 0.20551262481858149, 'as': 0.08509776299755996, 'but': 0.043618151980010296, 'even': 0.040981705438555845, 'But': 0.028458935770730373, 'And': 0.025325306862556487, 'or': 0.024077130894780596, 'and,': 0.02124396834757205}, {'and': 0.1979805904553876, 'it': 0.16951194712430348, 'It': 0.07826289170735846, 'now': 0.05788154311388692, 'he': 0.040602224390727894, 'be': 0.03280201983239783, 'or': 0.03135240529287736, 'that': 0.029689693098289286, 'is': 0.026844712401694452}, {'to': 0.5258317956431774, 'the': 0.06741123229111011, 'will': 0.0630060955959157, 'and': 0.0524935313128809, 'of': 0.04735287563570019, 'we': 0.03905151308574884, 'a': 0.03566301435836709, 'I': 0.033838749554529084, 'not': 0.030199678929312038}, {'to': 0.13310590695488617, 'and': 0.09599803046201102, 'of': 0.06626006067344513, 'the': 0.057363251930880974, 'in': 0.02999064677835201, '<s>': 0.018724796361581583, 'not': 0.018673340510238463, 'I': 0.01627365287180914, 'by': 0.015196914619123059}, {'the': 0.14003048902054985, 'and': 0.1242130314333419, 'a': 0.09536810591737653, 'was': 0.058579640780605194, 'is': 0.05434597009645215, 'of': 0.05368138187525616, 'be': 0.0533873280900317, 'an': 0.04858092465387373, 'to': 0.04063978939762397}, {'eight': 0.3155027060926441, 'six': 0.06526004773173075, 'three': 0.05659551078494812, 'two': 0.04986132986037456, 'four': 0.04651860848602618, 'of': 0.03472297084101039, 'five': 0.02697562393044105, 'hundred': 0.023184637912220786, 'Eight': 0.02069241335092424}, {'the': 0.4034201573346393, 'of': 0.23108548854568015, 'an': 0.0686691533210893, 'and': 0.050221434730033265, 'in': 0.03888738299716072, 'The': 0.035272441943035714, 'to': 0.02478578825628293, 'for': 0.022542090180867256, 'tho': 0.021278148138470586}, {'it': 0.1190002866265729, 'It': 0.11579637630294898, 'there': 0.04361999565263316, 'that': 0.04311032175782036, 'and': 0.03549123895751412, 'which': 0.03318620229569678, 'he': 0.022771670599909945, 'He': 0.010541430235828193, 'man': 0.010486973213665892}, {'to': 0.09743403541681209, 'and': 0.09167879388523711, 'of': 0.09163812801203593, 'in': 0.07798643620498621, 'was': 0.05262040897605749, 'the': 0.045042776977973716, 'is': 0.043038904847568525, 'be': 0.0396938274457085, 'for': 0.03200416339058025}, {'the': 0.5318769822993451, 'on': 0.05232894918472944, 'tho': 0.040720215138341405, 'of': 0.03574639871970345, 'in': 0.027356244088474632, 'The': 0.02606545890118576, 'and': 0.020447928479412, 'tbe': 0.01939523682574312, 'this': 0.017290787200106857}, {'of': 0.1628051110900762, 'the': 0.14094338972981252, 'in': 0.1076248334398586, 'and': 0.05479542126063304, 'to': 0.05075309187578961, 'a': 0.050294737618952354, 'for': 0.03372945215242537, 'that': 0.028227108493731095, 'by': 0.024509570551586965}, {'the': 0.603012597187554, 'The': 0.07672786306180333, 'and': 0.056862778958136045, 'a': 0.04450317898519144, 'his': 0.02962210453041407, 'tho': 0.028555988018052883, 'an': 0.014399734098616586, 'of': 0.01377376379768055, 'in': 0.013619979744009976}, {'and': 0.019110491190818955, 'of': 0.011417464731556214, '<s>': 0.010681643122677125, 'two': 0.009228939214388701, 'ten': 0.008933357742535444, 'thousand': 0.008452708318233176, 'hundred': 0.007713325486801637, 'fifty': 0.007203881894000091, 'three': 0.006753095535872273}, {'and': 0.11061913787648858, 'was': 0.11048175687489806, 'is': 0.06897604586895371, 'were': 0.04097620035612472, 'are': 0.04090637802321407, 'be': 0.030101986707215544, 'it': 0.02793994204362896, 'been': 0.027608580071387535, 'on': 0.02516254311857549}, {'I': 0.22823744677689592, 'we': 0.10870993665969055, 'they': 0.09611392875608855, 'who': 0.08605702262192781, 'and': 0.06702461988934247, 'We': 0.06500657162190254, 'to': 0.0584384727337769, 'would': 0.04702677157201809, 'you': 0.04574868229241106}, {'the': 0.48460354285759, 'The': 0.08779197068060249, 'and': 0.06424342192362838, 'our': 0.056573728349172445, 'his': 0.0532660925980526, 'of': 0.05152009401405037, 'their': 0.04181742036362262, 'a': 0.025612248395840986, 'tho': 0.024817673469507837}, {'to': 0.6580985347417942, 'will': 0.055248460993961454, 'and': 0.04763923204334289, 'we': 0.043184144192629025, 'not': 0.0374581800093588, 'the': 0.03510244435018219, 'can': 0.02763239880995783, 'would': 0.025324828631103382, 'who': 0.021141364027693437}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'this': 0.31298179578299107, 'the': 0.1781915541763447, 'that': 0.11187610062753105, 'first': 0.07218532620197504, 'a': 0.04273220344680841, 'his': 0.04255198363504946, 'took': 0.041353597342319914, 'same': 0.04088729351519136, 'on': 0.03340421219891184}, {'of': 0.4615951608300758, 'in': 0.09864805581994396, 'that': 0.09735529737545799, 'all': 0.07101701843840154, 'for': 0.056980882597033086, 'to': 0.047359153832384177, 'and': 0.03620292335687326, 'from': 0.03122144668280172, 'on': 0.028375897262300873}, {'Mr.': 0.2632452389135214, 'the': 0.2628965706350752, 'and': 0.05013603018759855, '.': 0.04272179497118711, 'of': 0.02651931718930546, 'Mrs.': 0.02292790238215913, 'Dr.': 0.01831702816669627, 'The': 0.017489182045714972, 'in': 0.015489516646559856}, {'No.': 0.0697545977195166, 'and': 0.0565542553469394, 'the': 0.04831850601981713, 'of': 0.045616366750856424, 'at': 0.03203948059901627, '.': 0.0292016235220659, 'a': 0.02888923272038138, 'said': 0.02404369511475071, 'to': 0.022727161690892724}, {'be': 0.28097603537369376, 'was': 0.12253647386558127, 'been': 0.10978170344308771, 'and': 0.08707409159447713, 'is': 0.07592591300462867, 'were': 0.0575687336362173, 'are': 0.05242403919752174, 'being': 0.030305891290279132, 'has': 0.02929346286386318}, {'and': 0.04306382141622408, 'order': 0.03632463269835425, 'as': 0.03005268725598252, 'him': 0.028182262671730778, 'is': 0.02598596427656042, 'going': 0.021831329414547945, 'them': 0.021273441166327414, 'able': 0.021158064370400288, 'time': 0.020438285831691605}, {'he': 0.19865982259423182, 'I': 0.1925064000147258, 'who': 0.0785165485486132, 'have': 0.05764153159158458, 'they': 0.05739075048229454, 'and': 0.05336301836720181, 'He': 0.052982388563566324, 'she': 0.048580534668709485, 'has': 0.040744515556221945}, {'the': 0.21065193915565517, 'of': 0.08219053896537407, 'and': 0.07306876381982752, 'a': 0.0650262061620037, 'in': 0.027644545321932796, 'to': 0.0232139415987013, 'for': 0.020777803950531606, 'or': 0.019870333459705278, 'that': 0.018938212295875053}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.111359263927742, 'and': 0.10047896856875499, 'of': 0.0745294780758495, 'to': 0.055919329028143706, 'a': 0.04291508797987587, 'for': 0.029908091209963482, 'or': 0.020013175788776438, 'be': 0.018603717152060984, 'was': 0.018594373621413404}, {'the': 0.32363497831489163, 'a': 0.1286960272302745, 'and': 0.08397552747805265, 'very': 0.06962114759257317, 'so': 0.06101692487439277, 'The': 0.05411493577663072, 'is': 0.043965779850030924, 'that': 0.03239368220012515, 'it': 0.03171728478569904}, {'a': 0.4987588462525865, 'of': 0.1522838440948506, 'the': 0.06050064423324291, 'with': 0.049929291441310794, 'and': 0.03812734076867051, 'make': 0.031523196086386665, 'A': 0.030838417298926724, 'as': 0.029244225393455142, 'in': 0.02681664313388338}, {'of': 0.20268265078366443, 'in': 0.16816368619229535, 'to': 0.152531085392258, 'and': 0.08077980644836187, 'that': 0.07086370077743623, 'on': 0.06751686629350657, 'for': 0.06606497588795152, 'by': 0.05683301410667509, 'In': 0.046453303517779654}, {'and': 0.11669376516057513, 'is': 0.08387832074974118, 'in': 0.0759408312544464, 'are': 0.07162556189914827, 'of': 0.0673514264755829, 'to': 0.060301471420617536, 'was': 0.055515760381892994, 'for': 0.054651290279553295, 'be': 0.0478021492331487}, {'of': 0.257568657405551, 'to': 0.14596638213833552, 'and': 0.1428067415369016, 'in': 0.07858699759254928, 'with': 0.0521742866130813, 'for': 0.03924669464342217, 'that': 0.03628528797104389, 'by': 0.03243065155406422, 'all': 0.025914442451248527}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'and': 0.0699061712990523, 'such': 0.06749745840938036, 'far': 0.05531975216153825, 'described': 0.052378819396959854, 'well': 0.051102723786048874, 'it': 0.04416405445701086, 'is': 0.040941383482998396, 'so': 0.03623726736462245, 'much': 0.03606576693018485}, {'a': 0.2556700309495565, 'the': 0.23291144217323378, 'an': 0.09664926988689174, 'no': 0.09629398190382021, 'and': 0.07337205360964166, 'this': 0.047672851467104364, 'is': 0.04686030335423674, 'The': 0.041925952147976314, 'any': 0.03448047549928554}, {'of': 0.12682161537101605, 'the': 0.10035991493112814, 'a': 0.08845587609806797, 'and': 0.0836645734879229, 'to': 0.057521351943480875, 'in': 0.041792038030859194, 'for': 0.03912881456623769, 'be': 0.029876315971934804, 'or': 0.028597680366902148}, {'of': 0.14367294288725402, 'as': 0.14253217731924403, 'is': 0.12569907928776963, 'with': 0.10214571579692298, 'in': 0.07157493888812264, 'by': 0.06435946073733599, 'to': 0.06348036180852366, 'for': 0.06029826448204182, 'was': 0.048139328621417836}, {'state': 0.0941456209136431, 'number': 0.0538482517844434, 'State': 0.051787494087515644, 'out': 0.04856755105478159, 'matter': 0.04294004532054324, 'line': 0.035972359232482154, 'side': 0.031440096278406465, 'part': 0.02741342841964055, 'people': 0.025191804590279844}, {'of': 0.13475445048160206, 'in': 0.12255888345231736, 'and': 0.10158558180832587, 'as': 0.08411382317709941, 'to': 0.07730641054910986, 'with': 0.07507151459379835, 'is': 0.06574909282837434, 'for': 0.053391133474407576, 'such': 0.05257276003958992}, {'it': 0.23647987552291785, 'It': 0.18347590716298504, 'there': 0.07229750020570642, 'he': 0.0639829954758826, 'which': 0.06287695699151882, 'There': 0.05980862297813373, 'that': 0.04473154521339596, 'This': 0.03519206298317326, 'He': 0.03375691637642666}, {'be': 0.7687720541087448, 'was': 0.057551724721686966, 'been': 0.052353960921205284, 'and': 0.023003139048700334, 'were': 0.022201836028238508, 'is': 0.019465938631191348, 'are': 0.016412924934271572, 'bo': 0.012162962602233915, 'being': 0.0075251161886127176}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.1501759221804017, 'the': 0.0890877204714072, 'and': 0.06124702841752731, 'in': 0.03230461616669503, 'on': 0.028581174468566454, 'to': 0.028302709788322552, 'for': 0.027205722192963386, 'by': 0.024730708845079937, 'with': 0.024183282129246933}, {'of': 0.12426311964709391, 'the': 0.09032739804797756, 'and': 0.06103470098228999, 'to': 0.04920909483010461, 'was': 0.035540927026284086, 'in': 0.03403794528356651, 'be': 0.02799491004706089, '<s>': 0.02688434023378339, 'for': 0.025325773554587972}, {'of': 0.3624197009607946, 'in': 0.17669428821909522, 'that': 0.08377829206667378, 'for': 0.08031759670475543, 'to': 0.05890044326133302, 'In': 0.056578133062412855, 'by': 0.03772402549892264, 'and': 0.036844632442891406, 'on': 0.026950330004051944}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'that': 0.29140231285413354, 'and': 0.13124599438533874, 'as': 0.09958202169041919, 'but': 0.09353309442508632, 'if': 0.07516340967473385, 'which': 0.05398578416978376, 'when': 0.05329925721415751, 'what': 0.03152809244372594, 'where': 0.03068652579095369}, {'an': 0.37847340467868046, 'the': 0.18800129218314698, 'most': 0.14823359393861626, 'and': 0.0787854226343358, 'more': 0.045386877560623026, 'of': 0.025802956509271422, 'very': 0.02567142538436044, 'all': 0.022351837578529647, 'in': 0.022012256536566594}, {'of': 0.26293923896840127, 'to': 0.13132259238641125, 'in': 0.08210639374567844, 'for': 0.07686688463823294, 'and': 0.07472274930726305, 'by': 0.07390548332370438, 'that': 0.05991501173408386, 'with': 0.05781976483292834, 'on': 0.04973325230298172}, {'the': 0.2086880567755571, 'of': 0.2047786447069341, 'and': 0.140407803164068, 'a': 0.04234195987451954, 'to': 0.032482160390969864, 'by': 0.032332343960360624, 'in': 0.03189327282717017, 'his': 0.028737838498808677, 'The': 0.026414233730245252}, {'<s>': 0.12458107967983909, 'it.': 0.028953143098178914, 'them.': 0.016944387430420104, 'him.': 0.01579055741589139, 'time.': 0.01099373506877222, 'country.': 0.01026423840432943, 'liver.': 0.009640382495379154, 'day.': 0.008925331278117808, 'life.': 0.007979317411067798}, {'of': 0.11891469031752466, 'in': 0.11836264034762252, 'was': 0.11442949519377785, 'for': 0.10821389104244653, 'to': 0.0949112907649628, 'is': 0.09346655935324497, 'as': 0.09297494616380247, 'and': 0.05608426827249698, 'with': 0.049623643540084014}, {'went': 0.07583239387214402, 'go': 0.0589132506987838, 'divided': 0.05110765353834365, 'came': 0.04719487528885874, 'brought': 0.046966858904553314, 'put': 0.04347583718693919, 'taken': 0.041050930600279596, 'enter': 0.03969332018760964, 'come': 0.03917326564606165}, {'of': 0.4084891396394446, 'in': 0.1630699383627769, 'to': 0.06344930293474307, 'that': 0.06029744209009894, 'by': 0.052312761176057, 'In': 0.04515456210635504, 'for': 0.04423523957142109, 'and': 0.03845149930433599, 'make': 0.03632463598008773}, {'went': 0.0859649131984472, 'go': 0.0740156727463613, 'came': 0.05340569088270274, 'back': 0.046824518702947265, 'it': 0.046591197665674745, 'out': 0.04597094137011748, 'put': 0.04419418637857149, 'down': 0.040075377835223074, 'come': 0.03708818962066005}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.31031750001291963, 'and': 0.06527702224004961, 'of': 0.06447128956765259, 'a': 0.05632631266118443, 'in': 0.05323933470490312, 'that': 0.03237424241186584, 'tho': 0.020866506904482697, 'no': 0.019337802759297265, 'any': 0.019000235744759227}, {'of': 0.21778661808950778, 'with': 0.1809668491949518, 'to': 0.1508773010105757, 'in': 0.14355241819572195, 'and': 0.06564164776948309, 'for': 0.06499522636243368, 'by': 0.03734083999972382, 'In': 0.029182989206453812, 'from': 0.02648378123088468}, {'the': 0.14153709706870338, 'and': 0.07556334457012162, 'of': 0.06179385465914359, 'a': 0.04017091138972573, 'to': 0.02033741505311762, 'or': 0.016831093738422207, 'in': 0.016683652299519913, 'that': 0.0163217011630433, '<s>': 0.014728985299000808}, {'the': 0.22644199572857787, 'and': 0.08070526304086073, 'of': 0.07042268283436134, 'The': 0.054720349425339085, 'Mr.': 0.03632597474913558, 'that': 0.036213887755703375, 'a': 0.025558188183658584, 'his': 0.017174848087833493, 'tho': 0.014567480607586263}, {'the': 0.21668034299936845, 'a': 0.11568291583252448, 'in': 0.11189898239916507, 'of': 0.09551611359250102, 'and': 0.06825593189139303, 'In': 0.03360820347844457, 'to': 0.027722650407461965, 'some': 0.026424192910039866, 'by': 0.02557512601564326}, {'and': 0.14129099832011793, 'of': 0.11990330596639306, 'to': 0.050519605241436304, 'the': 0.04396772979590813, 'for': 0.03547395915360228, 'at': 0.02099232449565447, '<s>': 0.018787945593101138, 'by': 0.015264735817223974, 'in': 0.01181075109672556}, {'of': 0.2335664178133815, 'to': 0.13388308582421796, 'in': 0.13110605023164668, 'or': 0.10929761211473699, 'at': 0.05873874142809534, 'by': 0.058460983683952604, 'as': 0.057588140433677264, 'if': 0.047635027919640305, 'that': 0.04673828687711056}, {'the': 0.5342982797060452, 'a': 0.143053838955376, 'and': 0.0523893543677375, 'The': 0.04965815921502207, 'to': 0.03523787455142207, 'average': 0.024125328349888845, 'tho': 0.023163096559673208, 'great': 0.01206656004707846, 'or': 0.011598249471776846}, {'of': 0.252928692879915, 'in': 0.14687993920371697, 'for': 0.13476255418530508, 'to': 0.1162387504633863, 'with': 0.05918607456194548, 'and': 0.05618829251414873, 'that': 0.04454017250327459, 'by': 0.044165863134221384, 'on': 0.04105910597335837}, {'of': 0.3685275081481861, 'to': 0.11386063381081653, 'that': 0.10567396440242423, 'by': 0.08930427984772693, 'and': 0.08898362670025432, 'with': 0.04521040027363946, 'for': 0.03005187312183801, 'as': 0.02942787947807983, 'all': 0.027205769132614556}, {'that': 0.22443254491128278, 'and': 0.13421251954094782, 'which': 0.09424055674375435, 'as': 0.0897631049359864, 'will': 0.0688018613684892, 'when': 0.060268941341188896, 'if': 0.046969933696752564, 'to': 0.04656322319052139, 'shall': 0.0447548937902333}, {'of': 0.37857068519501264, 'in': 0.13493450508139104, 'to': 0.08201355692550556, 'by': 0.06643084075823907, 'that': 0.06421621095020746, 'with': 0.05601108895554165, 'for': 0.04859678973654612, 'and': 0.047716079702253375, 'In': 0.026518559821981032}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'not': 0.371355401891293, 'and': 0.14988633835412368, 'as': 0.07324459448923379, 'have': 0.041863241509217705, 'has': 0.03635800035679469, 'is': 0.03622761743673633, 'are': 0.03145072602621198, 'had': 0.02218989036978444, 'never': 0.02154660635066469}, {'<s>': 0.05154533553024225, '.': 0.021779730339173266, 'and': 0.019628909792174073, 'it.': 0.012924229203279151, 'them.': 0.010246123484242727, 'of': 0.009142596241990174, 'him.': 0.008613088223761136, 'boy.': 0.00860486559271998, 'year.': 0.0072737634116319125}, {'the': 0.41866557996312087, 'in': 0.11827532843559795, 'from': 0.11485478065892861, 'and': 0.06555094240869264, 'of': 0.06540933777569814, 'In': 0.03888296940895518, 'tho': 0.021401961920715362, 'to': 0.018252331302358135, 'thence': 0.01746354880817455}, {'the': 0.39354654255274524, 'and': 0.08117070099263256, 'an': 0.058875467964266494, 'or': 0.04312548203074017, 'this': 0.041766761124679044, 'a': 0.04120630806925888, 'The': 0.03559462850247271, 'all': 0.031554661198090694, 'other': 0.029152602813431454}, {'the': 0.3006637759840219, 'a': 0.21659256983176484, 'some': 0.07901416099587878, 'this': 0.07265150478949385, 'that': 0.0661923022358458, 'short': 0.06062905995628793, 'same': 0.05553015794299869, 'first': 0.04642160794933944, 'any': 0.037837031528686636}, {'the': 0.16994846357465584, 'of': 0.11897068694274716, 'and': 0.06322674734061179, 'a': 0.04043950895883119, 'Mr.': 0.02926194498387448, 'to': 0.024334880799693495, 'The': 0.022532793765696307, 'in': 0.0213700707072004, 'that': 0.014875102007446855}, {'it': 0.11423409005822825, 'and': 0.08472927875988531, 'they': 0.07672983185006364, 'which': 0.06381743068926678, 'he': 0.060637345516626556, 'It': 0.056479267862103506, 'that': 0.04909715056610808, 'you': 0.046172275722854386, 'I': 0.03957573077470385}, {'the': 0.15728601425375424, 'and': 0.0919903134475224, 'of': 0.06033629171908662, 'in': 0.046544493285658066, 'to': 0.03284216993703257, 'for': 0.0317731725208262, 'that': 0.03125718424420181, 'or': 0.025511861308711224, 'be-': 0.024521008381874706}, {'was': 0.12245184137812677, 'and': 0.12043820388748237, 'is': 0.10481221256173238, 'are': 0.08283910786448562, 'be': 0.05946890884243953, 'been': 0.05048260969744048, 'were': 0.04077717097124234, 'not': 0.03997471498854282, 'or': 0.02754957837141421}, {'a': 0.18839536845608715, 'and': 0.14926289057527015, 'the': 0.12900730911970654, 'in': 0.11614946450379109, 'of': 0.08154116255108054, 'to': 0.06453549026556112, 'with': 0.051390750039234746, 'from': 0.04349124552547261, 'for': 0.042496630807281485}, {'that': 0.23933375784880792, 'and': 0.1634592911734709, 'which': 0.07933993815299908, 'as': 0.07122552806614288, 'but': 0.06046107281517786, 'if': 0.05149920419155688, 'If': 0.03443411458964131, 'when': 0.034413666428540365, 'what': 0.02772237085399074}, {'the': 0.3210307762686795, 'a': 0.14522917851865982, 'and': 0.09502559034704429, 'of': 0.09272573820166356, 'in': 0.036055782446767215, 'his': 0.03342175416564559, 'is': 0.03339342931537577, 'are': 0.025631054521311505, 'their': 0.024064109673794354}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'that': 0.3184121930319525, 'when': 0.10869106834482817, 'and': 0.08721605707080288, 'which': 0.0739757339566945, 'as': 0.06381646206292822, 'if': 0.046047329641016176, 'where': 0.04465432055000798, 'but': 0.04348629969204293, 'said': 0.03643585927965661}, {'and': 0.11624070542995024, 'laid': 0.06588293808923631, 'came': 0.05951255337510651, 'break': 0.05598026757858089, 'went': 0.05280540125958759, 'cut': 0.05269410951592711, 'lay': 0.05184077628666269, 'it': 0.048488024992327475, 'way': 0.04756293367953822}, {'from': 0.20150289131649113, 'and': 0.14027710302239307, 'or': 0.09550530328383325, 'of': 0.08291356006737537, 'writ-': 0.07324999140043657, 'than': 0.06744058845147712, 'to': 0.057440197250375524, 'in': 0.050868632988511804, 'for': 0.04851950978950488}, {'it': 0.1657982808464531, 'he': 0.14888133484777766, 'It': 0.14862566960080198, 'I': 0.08586493645561234, 'there': 0.05715746150960535, 'He': 0.052175707780881826, 'and': 0.03929526355942609, 'she': 0.038870476809679616, 'which': 0.03848203858474434}, {'No.': 0.0697545977195166, 'and': 0.0565542553469394, 'the': 0.04831850601981713, 'of': 0.045616366750856424, 'at': 0.03203948059901627, '.': 0.0292016235220659, 'a': 0.02888923272038138, 'said': 0.02404369511475071, 'to': 0.022727161690892724}, {'of': 0.4144091623913458, 'to': 0.11838220473418777, 'by': 0.09752934649831664, 'in': 0.08331263157321263, 'that': 0.060690965905596854, 'and': 0.04175448914293373, 'for': 0.03396351746468345, 'with': 0.029142356003081935, 'from': 0.026747514102140817}, {'and': 0.16401873962832494, 'but': 0.08479853391257153, 'that': 0.07786345259171792, 'as': 0.040748525876267934, 'when': 0.035030127230482336, 'which': 0.02702860081317822, 'if': 0.024436924666353485, 'But': 0.022746761718510287, '<s>': 0.022645148137324184}, {'the': 0.36049362901908033, 'a': 0.21663022382370112, 'his': 0.10521874881123766, 'to': 0.07215781338125261, 'their': 0.03351413743899491, 'and': 0.03220315320739936, 'her': 0.03020828175467828, 'this': 0.03020175804522051, 'its': 0.027705999719204868}, {'the': 0.495311593458049, 'a': 0.14522961168209983, 'and': 0.049390037074527944, 'his': 0.04647710989520846, 'The': 0.0408925264292571, 'our': 0.04076401657329883, 'their': 0.03874874028065896, 'of': 0.0366647207578925, 'any': 0.03486094814922593}, {'the': 0.3500900277982565, 'a': 0.19441843262710076, 'of': 0.08156405732633368, 'and': 0.07471207776892431, 'in': 0.04675994505046049, 'their': 0.030342700839921057, 'is': 0.03014794963715179, 'its': 0.02786496776747192, 'The': 0.02688459909602941}, {'and': 0.11674275470858117, 'the': 0.10878600237455655, 'of': 0.10049553321996695, 'to': 0.08777397288160169, 'in': 0.04848638521835998, 'be': 0.03746226053354588, 'was': 0.02569076797064746, 'a': 0.02510501501838336, 'on': 0.024010567691811112}, {'of': 0.08847932424778601, 'the': 0.07184747747745386, 'to': 0.057800985663930333, 'at': 0.05172228135567287, 'and': 0.038006262248241975, 'in': 0.023776733561536707, 'by': 0.020618249818577655, 'was': 0.02024336410621452, 'on': 0.019211670812311173}, {'and': 0.18348601119926058, 'fact': 0.08961919388041777, 'is': 0.07902168058010423, 'so': 0.04804941729252147, 'was': 0.03668856623633811, 'believe': 0.03368792868845003, 'of': 0.03282953101816051, 'say': 0.029962837757023134, 'said': 0.026857954959616886}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'be': 0.27440125085903205, 'and': 0.16343043585492442, 'was': 0.0555447373134366, 'been': 0.04755665335859009, 'he': 0.044544043614485995, 'have': 0.04184646913503021, 'are': 0.03483261433741938, 'had': 0.0326726846524158, 'is': 0.03167341337531028}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'<s>': 0.11078796734480169, 'it.': 0.019281494211981446, 'of': 0.01355886675620992, '.': 0.01204998660406596, 'them.': 0.012014551582742831, 'in': 0.010383707222104995, 'time.': 0.009846488505546695, 'day.': 0.009806197562518456, 'country.': 0.008187800148566238}, {'get': 0.07173213841506879, 'was': 0.06759495288640666, 'and': 0.06561624249602109, 'him': 0.05191804352667103, 'it': 0.050055576730890734, 'them': 0.04759245041696305, 'are': 0.04655608701837469, 'go': 0.04289741385980777, 'come': 0.040389983849953646}, {'in': 0.12766897326692236, 'to': 0.12712463187886552, 'for': 0.10555495325223514, 'of': 0.10188492206905624, 'and': 0.05891363652491328, 'that': 0.04670685281233568, 'with': 0.0413446946096917, 'as': 0.034655177942187594, 'at': 0.03317047502894448}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'I': 0.24923029119011914, 'and': 0.1488344521159023, 'he': 0.11077210371532327, 'He': 0.07505420130387683, 'she': 0.05199570672194942, 'had': 0.04759051995109963, 'have': 0.04244325505476659, 'was': 0.03027492872932079, '1': 0.029588121656354615}, {'the': 0.27633260406700294, 'and': 0.09571667558765357, 'of': 0.06944460584427099, 'a': 0.06441126328403365, 'to': 0.025340196796478493, 'his': 0.02323344918597344, 'their': 0.020114473989295088, 'tho': 0.018426334338610392, 'with': 0.018261634452952952}, {'and': 0.049987779033060356, 'covered': 0.044723617870181906, 'filled': 0.038280728623978445, 'together': 0.03035262580091172, 'charged': 0.023576196363331418, 'it': 0.021111078194854856, 'up': 0.01945360572525831, 'him': 0.01804285305433584, 'them': 0.01590682851574201}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.3536170650316568, 'a': 0.14876608935358224, 'to': 0.11933443299132329, 'and': 0.0910612292584284, 'of': 0.07142214542538503, 'The': 0.044930104272954415, 'in': 0.03960639522526556, 'his': 0.025291185033756, 'will': 0.024307639082461426}, {'of': 0.2862779791022658, 'in': 0.12479700657232952, 'to': 0.09661992917164852, 'for': 0.07184245053597102, 'with': 0.0604829196759101, 'any': 0.059353552837803844, 'that': 0.05289564943366455, 'and': 0.04871261780664792, 'by': 0.04070126915283188}, {'it': 0.17785379289345674, 'It': 0.13015901354481996, 'which': 0.08743556988616683, 'that': 0.059232850942635515, 'and': 0.056124465887343614, 'there': 0.045873248631064276, 'he': 0.0374023705247618, 'There': 0.03691910502530248, 'who': 0.02442097949946088}, {'the': 0.6918510338718149, 'The': 0.07190560842089753, 'feet': 0.03741188453287644, 'and': 0.03313863193147036, 'tho': 0.027897441988605762, 'as': 0.01970668920467797, 'bounded': 0.016349543157565843, 'said': 0.014044135887808947, 'tbe': 0.012606255823774335}, {'he': 0.17300684483622983, 'it': 0.1345693866288048, 'they': 0.0954115800356196, 'I': 0.08369146741089951, 'that': 0.07265867150081488, 'It': 0.07188499003145371, 'we': 0.043905158735551834, 'which': 0.0438082035781544, 'and': 0.04296329128655291}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'be': 0.17312849572107677, 'he': 0.14863316874275226, 'I': 0.14674794392431034, 'was': 0.08357173433937745, 'are': 0.055706374827533316, 'is': 0.048223328316578974, 'and': 0.04558712997014157, 'were': 0.044703521218068774, 'have': 0.043114636716406626}, {'in': 0.562553391141443, 'In': 0.18462898899455588, 'of': 0.10822292859093871, 'to': 0.04216441405741691, 'from': 0.019038929002940037, 'for': 0.01736975651994027, 'by': 0.012560579086127318, 'that': 0.011841999945944672, 'iu': 0.011420240376529722}, {'is': 0.2941011094886522, 'and': 0.15407680921167488, 'was': 0.13563298715366934, 'are': 0.12252888828576483, 'be': 0.03938869736930283, 'were': 0.03594221334481356, 'Is': 0.034009993366292644, 'not': 0.02501848507218547, 'I': 0.021526356785857462}, {'<s>': 0.05114005070008191, 'and': 0.01402812446986199, 'it.': 0.013020562006114646, 'them.': 0.009128074407947348, 'him.': 0.008933773326994536, '?': 0.005084842704249169, '': 0.004720090345432911, 'country.': 0.0045553687319114565, 'years.': 0.004178843938598198}, {'to': 0.5178687530860038, 'I': 0.08013606705692358, 'not': 0.0739204411966074, 'and': 0.07027315504497046, 'can': 0.058475826881852606, 'will': 0.055230137104375805, 'we': 0.02426830513975318, 'would': 0.021498764554397396, 'could': 0.020812763201164756}, {'the': 0.19920311662812476, 'his': 0.19610957587571798, 'their': 0.19043044360054495, 'a': 0.08595192539585969, 'our': 0.058065125776995026, 'my': 0.05165426417378257, 'its': 0.05000738346267734, 'her': 0.04130911183251184, 'of': 0.023123540637291082}, {'of': 0.2619438738774768, 'for': 0.12134224720782617, 'to': 0.11194036117543721, 'in': 0.09232741156479524, 'with': 0.08210583526149427, 'on': 0.05223690368390595, 'about': 0.04279385680632123, 'upon': 0.03969995426763591, 'by': 0.03519652579067618}, {'of': 0.29596581356071644, 'the': 0.18279402826861124, 'with': 0.08348135226666181, 'in': 0.07411225860452623, 'to': 0.049105028600451794, 'for': 0.047149290573262365, 'a': 0.04472946295017836, 'and': 0.037076617483794504, 'by': 0.021325984604549333}, {'one': 0.016205199953911776, 'more': 0.014850368963924498, 'on': 0.011077444877729834, 'day': 0.010651749053865015, 'two': 0.010644879159957422, 'person': 0.007819629515499037, 'in': 0.007673885993340908, 'man': 0.007480463731075341, 'law': 0.0064657706989891236}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'in': 0.2973936752906051, 'the': 0.19330274591987598, 'of': 0.10704798136344408, 'and': 0.09807993285706204, 'In': 0.05228314257995388, 'by': 0.04015849380962714, 'with': 0.025479996183525155, 'a': 0.021981484693149513, 'for': 0.021319474913854903}, {'of': 0.20133815136138908, 'the': 0.14605710421089876, 'in': 0.07521451921576795, 'to': 0.0646767838617476, 'at': 0.057820551931498924, 'and': 0.04889716516803628, 'a': 0.03068385080445494, 'by': 0.026542660244778533, 'from': 0.025211287363901786}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'the': 0.19288023981797062, 'too': 0.10515571093828602, 'a': 0.10008613499935712, 'his': 0.0715684786858486, 'any': 0.05735725588092264, 'their': 0.04865123819137726, 'of': 0.04545748600554104, 'be': 0.044112421718110924, 'and': 0.04130504486076212}, {'a': 0.19792856941245413, 'the': 0.17802095238692606, 'of': 0.09098215228435796, 'and': 0.05504588645615714, 'The': 0.03181463082129599, 'Mr.': 0.025967970205968038, 'by': 0.024301238015489456, 'an': 0.02144375167169725, 'to': 0.019630659633254825}, {'it': 0.22627549004256103, 'It': 0.14382924771344463, 'which': 0.058548775185208686, 'he': 0.04733684456003108, 'and': 0.043720665595144, 'that': 0.03984652935210813, 'there': 0.029090697629774773, 'who': 0.024737611177075763, 'This': 0.017541571030356758}, {'those': 0.3458431766905948, 'men': 0.11453483378446407, 'Those': 0.05507142201310579, 'people': 0.04789141259451007, 'man': 0.04489549538918054, 'one': 0.04219165972544277, 'and': 0.03978933652739314, 'women': 0.02773381022927729, 'persons': 0.024551190928214058}, {'they': 0.15602725391430855, 'who': 0.10968701460767548, 'which': 0.0826432369086709, 'we': 0.07137176720622913, 'there': 0.06391568870566088, 'you': 0.05224270923635619, 'and': 0.049684533896580466, 'that': 0.04673845404965838, 'They': 0.04522655990082777}, {'the': 0.10163921713136198, 'and': 0.09543370071048123, 'of': 0.08638371541970301, 'in': 0.08026481246250085, 'to': 0.06083636275233897, 'for': 0.047538505837556845, 'or': 0.03345914512156581, 'that': 0.029117115093350417, 'which': 0.023646483328922406}, {'is': 0.2922475054963862, 'are': 0.20815634200820413, 'and': 0.08658414924232652, 'Is': 0.056518488059078886, 'was': 0.04891525197988162, 'it': 0.034574242499026936, 'not': 0.02893774821180776, 'but': 0.02805933991110438, 'am': 0.025400245082171743}, {'of': 0.16363373894494754, 'as': 0.10651098048417214, 'to': 0.09924981892350926, 'in': 0.09690386464347614, 'and': 0.06872196109544775, 'with': 0.06482446711324322, 'that': 0.05986708926902553, 'by': 0.04719281379723204, 'such': 0.04469914933258333}, {'of': 0.19644585251637295, 'and': 0.1789198982902838, 'but': 0.08039665035452472, 'know': 0.06221364830617105, 'to': 0.05952904819611737, 'But': 0.05320853907194515, 'for': 0.047178572819235945, 'And': 0.04706444030661035, 'that': 0.04229306648369948}, {'the': 0.23799524909088024, 'and': 0.08568754398284012, 'a': 0.07661948806333303, 'of': 0.06321575837371925, 'in': 0.05067379411889922, 'to': 0.024248284622711842, 'an': 0.024037432264895443, 'his': 0.022305527682064494, 'was': 0.021975707977401546}, {'went': 0.0859649131984472, 'go': 0.0740156727463613, 'came': 0.05340569088270274, 'back': 0.046824518702947265, 'it': 0.046591197665674745, 'out': 0.04597094137011748, 'put': 0.04419418637857149, 'down': 0.040075377835223074, 'come': 0.03708818962066005}, {'nothing': 0.04039673369074945, ';': 0.03698715296463444, 'it,': 0.01788581633381585, 'anything': 0.01587248381248908, 'them,': 0.013673693807448397, 'time,': 0.013589726158266648, 'and': 0.012928769529222365, 'him,': 0.012278418771721804, 'is': 0.010268840086141415}, {'and': 0.14381587246120442, 'was': 0.08232650554509202, 'is': 0.06446462944440208, 'be': 0.059867328907051806, 'are': 0.03410528180165852, 'it': 0.020992312631899115, 'were': 0.019904029478846882, 'but': 0.019898364275974998, 'not': 0.019849014407792784}, {'the': 0.21946383604733177, 'a': 0.12080675898671994, 'and': 0.05431750899921191, 'an': 0.05425391345218092, 'of': 0.03909987134268435, 'that': 0.025922195408299667, 'in': 0.024935836585809404, 'to': 0.024191269744421238, 'The': 0.021222473740844135}, {'of': 0.3098078496861447, 'in': 0.14991272071940387, 'for': 0.12362556922226967, 'to': 0.07860430695436346, 'that': 0.058936287735826424, 'at': 0.05170821066982053, 'In': 0.045017988925336365, 'and': 0.042616915736824613, 'all': 0.023340519436590247}, {'of': 0.39760281529480657, 'and': 0.09033968577663248, 'to': 0.08820132956593903, 'that': 0.0874617768331423, 'for': 0.06740591456186593, 'in': 0.04854458484325364, 'by': 0.04752163238243342, 'with': 0.030285217739323505, 'all': 0.028690852254820386}, {'of': 0.241046728098257, 'in': 0.12522975888648893, 'and': 0.0951067384339637, 'to': 0.09403051191943772, 'by': 0.07547905604016013, 'with': 0.06644323537005897, 'at': 0.06433153737072604, 'from': 0.0639516243909866, 'that': 0.04806773040287051}, {'of': 0.4161030241817285, 'in': 0.121498536302307, 'that': 0.08125057562429638, 'to': 0.0712238576948547, 'on': 0.059269710936887654, 'from': 0.0453229150476812, 'by': 0.04336130562698065, 'In': 0.04225569788034772, 'and': 0.03996425410226971}, {'of': 0.2946195759783249, 'the': 0.2384465894524694, 'and': 0.10699377420317535, 'in': 0.0640211963940004, 'by': 0.02945879391941394, 'a': 0.02391955191094269, 'from': 0.022008584490499646, 'with': 0.018466939358082794, '&': 0.016217127764517354}, {'the': 0.2181793076407424, 'Mr.': 0.07857785193258426, 'of': 0.07295098089280648, 'The': 0.0637307994810779, 'and': 0.05885440013072087, 'that': 0.046435186239938524, 'a': 0.02853125724501091, 'his': 0.01870642531244085, 'Mrs.': 0.016344916628177258}, {'an': 0.3996776621887841, 'of': 0.16627236453611288, 'in': 0.08522407932680341, 'the': 0.06326615235812391, 'is': 0.05779737699559522, 'and': 0.05034978749306575, 'most': 0.04607259997289117, 'with': 0.03312304988893212, 'are': 0.029839475398508414}, {'one': 0.09549869529408789, 'out': 0.07784040136456505, 'part': 0.06063490930206936, 'some': 0.05103055355338681, 'that': 0.028982350266860694, 'all': 0.027577511654287828, 'much': 0.024675920936112074, 'and': 0.02142703327923342, 'time': 0.02084063249768653}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.3829358665547151, 'this': 0.07325495443196994, 'of': 0.061581225805593436, 'our': 0.05745989592251908, 'that': 0.05677786359117398, 'their': 0.05278204993398099, 'and': 0.05016696690781707, 'his': 0.047642402964591775, 'or': 0.03804807545755019}, {'of': 0.3161755642161961, 'the': 0.20562587705281737, 'in': 0.14025161195499303, 'by': 0.13379636188669233, 'to': 0.051791024396234425, 'In': 0.025590551625485857, 'which': 0.02493087441112178, 'on': 0.024115028334353795, 'that': 0.019091052083787557}, {'be': 0.26839854394081397, 'was': 0.23357763778983465, 'been': 0.1548763663642022, 'were': 0.07764388181707615, 'is': 0.07154617522720606, 'are': 0.04286892099564966, 'being': 0.030789875638892995, 'and': 0.021286372557042972, 'bo': 0.01833952053208525}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.3521072081789394, 'of': 0.13058944563828756, 'and': 0.06276701482192674, 'their': 0.0404159570395771, 'American': 0.03977799591317225, 'The': 0.03329538628158493, 'for': 0.03243077559518497, 'his': 0.03160379528284422, 'other': 0.02863751193019413}, {'was': 0.23964154966663262, 'be': 0.1882990035125556, 'been': 0.10704577548380449, 'were': 0.0898420132979336, 'is': 0.08185793716822204, 'and': 0.05292939219250113, 'have': 0.05272498028431261, 'are': 0.04675857885088858, 'had': 0.040668635047626515}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.2782981924526909, 'a': 0.10901162765981755, 'of': 0.07183974815278353, 'and': 0.06822085985385794, 'to': 0.04257699816792385, 'The': 0.032479428721941275, 'in': 0.028506914937232695, 'on': 0.024958835589565787, 'tho': 0.020241929127108333}, {'of': 0.493891251006007, 'in': 0.09447223179320237, 'at': 0.05865948996588437, 'by': 0.04242435858992208, 'on': 0.035966088020394374, 'for': 0.03569571460506115, 'from': 0.030906410899781214, 'the': 0.03053070087379867, 'and': 0.02757044579091718}, {'in': 0.2182935521515145, 'of': 0.19707287751962507, 'to': 0.15377791065628005, 'and': 0.07773429020609963, 'for': 0.0646922903467585, 'In': 0.049487315237186906, 'that': 0.04940570401167633, 'with': 0.039510147699588154, 'on': 0.03307555691343195}, {'the': 0.7540812231337171, 'The': 0.0664406734834811, 'tho': 0.037882026847839326, 'take': 0.027118711697011987, 'and': 0.020293308650436312, 'in': 0.018908142667080914, 'no': 0.018595038627082453, 'a': 0.01219755774984408, 'an': 0.011593951643841985}, {'of': 0.1314452087145554, 'and': 0.10717453105392906, 'the': 0.058000500099572805, 'a': 0.04982768409171786, 'be': 0.03692296458796503, 'to': 0.03302560958611155, 'for': 0.03265900681995421, 'was': 0.02874069150851837, 'is': 0.028671799812450504}, {'the': 0.5808274210254897, 'a': 0.1249288904182247, 'and': 0.07395099999628794, 'The': 0.031999751530400015, 'this': 0.028908465427068857, 'to': 0.026629317801905517, 'tho': 0.02597418364716196, 'of': 0.013547957651467806, 'in': 0.011980851591803024}, {'and': 0.12649608761723816, 'was': 0.09052544420798558, 'of': 0.08615548307687358, 'is': 0.06981323758155313, 'nothing': 0.04032301565173663, 'bring': 0.03715995820806369, 'anything': 0.03579401889563265, 'for': 0.034903952628194096, 'talk': 0.03147628730567988}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'the': 0.3199356471025583, 'not': 0.2103819803588822, 'is': 0.0669101127782586, 'The': 0.05541444453634062, 'was': 0.051184288124606826, 'and': 0.041678812225353926, 'are': 0.029555590054046822, 'of': 0.027200388050809546, 'tho': 0.020650712355187163}, {'a': 0.20939546058311279, 'the': 0.19907220227353595, 'for': 0.08018935642687133, 'of': 0.07036005335820736, 'at': 0.06237798761307078, 'in': 0.03967776972899871, 'and': 0.03295375782688636, 'to': 0.02822434205956443, 'an': 0.018679245443501115}, {'and': 0.07469129547891905, 'was': 0.05416275781196823, 'be': 0.04888776452403551, 'is': 0.04659688314437195, 'are': 0.03691612869308618, 'that': 0.025606698866989266, 'were': 0.022883263564947385, 'been': 0.021859352765021628, 'now': 0.021133931035416872}, {'June': 0.1151471063255772, 'May': 0.0801153636382135, 'lot': 0.07692229239906255, 'April': 0.05241333577249437, 'July': 0.04821147438071773, 'No.': 0.04445626337779955, 'block': 0.0363625214841913, 'March': 0.03398818635852591, 'degrees': 0.028099973090184173}, {'the': 0.37907799277648263, 'this': 0.14699225767274576, 'a': 0.13130507723892842, 'and': 0.0754870891020312, 'to': 0.06064959321547698, 'of': 0.0450552468505673, 'in': 0.023366698233576552, 'that': 0.02135808056033415, 'tho': 0.01801390521368647}, {'the': 0.16705670509306364, 'and': 0.13089776159794278, 'of': 0.10525004211661464, 'to': 0.0934393986720337, 'a': 0.06535647489824166, 'at': 0.04453985959933658, 'in': 0.03936570790988427, 'for': 0.030291160349857214, 'with': 0.026520759650593397}, {'the': 0.5043080618790263, 'a': 0.14814646220299169, 'this': 0.056438117977333536, 'tho': 0.037300738241693186, 'of': 0.03431422388651461, 'and': 0.030868699007042137, 'The': 0.029834545794980755, 'further': 0.021933787050787832, 'to': 0.02182815768201544}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {';': 0.03424222407075466, 'nothing': 0.02093954907648171, 'him,': 0.018653581626946237, 'it,': 0.018204895695935485, 'is': 0.01524147367009644, 'time,': 0.015182052904494332, ',': 0.011526557919432922, 'them,': 0.010185247262564189, 'years,': 0.009279877373991701}, {'to': 0.6468458911663331, 'will': 0.05568944020652446, 'they': 0.03274244547720004, 'and': 0.030106258182670174, 'would': 0.02793905143414141, 'I': 0.0274301229671687, 'can': 0.02724785554885719, 'we': 0.024838872241108135, 'not': 0.019550850762151992}, {'of': 0.08218263449039269, 'to': 0.07517670287181828, 'a': 0.04942350327835613, 'and': 0.047147904850133725, 'in': 0.0389877036992287, '-': 0.031493397534286635, 'with': 0.031023426680944818, 'the': 0.030441440161581044, 'by': 0.02769697392122219}, {'to': 0.14725202905521348, 'and': 0.1013770172677398, 'of': 0.05655422207324338, 'the': 0.04377974260988957, 'in': 0.03316989225809315, 'is': 0.027777956639993412, 'I': 0.026394129623984682, 'for': 0.024161795534143545, 'not': 0.02380444508067005}, {'<s>': 0.08063081676138717, 'was': 0.0768471957275199, 'and': 0.07261845412525257, 'be': 0.03813108189427539, 'is': 0.03228856589897024, 'were': 0.03151789893123751, 'are': 0.027194081805258254, 'of': 0.026684368151942615, 'that': 0.026179154025435775}, {'the': 0.17683466091574027, 'and': 0.10659322768182605, 'a': 0.06647960226016504, 'of': 0.06542588321603851, 'to': 0.045444157307784734, 'in': 0.04214364439298725, 'that': 0.03626877434667075, 'which': 0.02756791617451583, 'I': 0.025095440021607237}, {'the': 0.18171157745738606, 'of': 0.08565625068398539, 'and': 0.07176778397704549, 'a': 0.06658548309229337, 'to': 0.029348993724855322, 'in': 0.027563452706523314, 'or': 0.02062271234581968, 'be': 0.01903193059025867, 'was': 0.019016578744673295}, {'and': 0.1654338772781894, 'is': 0.07969973660381166, 'fact': 0.07196800148733794, 'of': 0.06473786093278056, 'so': 0.04860000845562322, 'said': 0.046728166230560135, 'was': 0.03970128435550145, 'in': 0.039547027825417295, 'to': 0.034896054032425135}, {'the': 0.3568099008164849, 'a': 0.19034576421451893, 'and': 0.043044856593962316, 'of': 0.023298584576350798, 'A': 0.01952813289864787, 'tho': 0.018419184685580497, 'to': 0.01834721818747857, 'this': 0.016393052086869437, 'one': 0.014267323960505554}, {'the': 0.48892079706787683, 'this': 0.18417504808953303, 'a': 0.04770233466615722, 'that': 0.034321951173383936, 'tho': 0.03425216948029791, 'said': 0.031534378146521935, 'The': 0.024732820828376027, 'and': 0.022791511872254214, 'our': 0.01760251243030032}, {'that': 0.07171815150103852, '<s>': 0.046347925852149155, 'and': 0.04324967478847301, 'as': 0.041814595509204106, 'but': 0.030367860398342075, 'it.': 0.02636650390352417, 'which': 0.019960138685588543, 'of': 0.01341197794310765, 'them.': 0.011635599480272818}, {'the': 0.11843932726343416, 'and': 0.07871613654901591, 'of': 0.06756974347816833, 'to': 0.06056341849189209, 'a': 0.055158703946848374, 'be': 0.028308930054514785, 'is': 0.024690464023094057, 'in': 0.024259270853385848, 'was': 0.02397057207092326}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'well': 0.12861105478714124, 'known': 0.11056901308738208, 'soon': 0.10265345104878522, 'far': 0.08113948490760056, 'and': 0.06324672230498624, 'long': 0.03717583764638481, 'such': 0.02924921957793252, 'just': 0.02412525568479837, 'much': 0.020403672152392097}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'<s>': 0.060608860743365196, 'it.': 0.010973721493135953, 'them.': 0.00924207311091755, 'that': 0.008443396634523762, 'of': 0.007945479682048364, 'and': 0.006846437103332794, 'country.': 0.0057112815661970115, '': 0.005109395297997016, 'him.': 0.00500245637479068}, {'be': 0.25872181949066925, 'had': 0.15316135155564065, 'been': 0.12091300117952994, 'was': 0.11143723221328294, 'have': 0.09675152818147068, 'has': 0.07824709741710204, 'were': 0.05715411912563035, 'and': 0.03487991131255294, 'is': 0.031289774165052645}, {'the': 0.2446205749322421, 'a': 0.14345431529629413, 'of': 0.08027705114824411, 'and': 0.06105285863986346, 'an': 0.0363165521846325, 'in': 0.0335491532124262, 'to': 0.026173120038383138, 'The': 0.022056108489407353, 'for': 0.01820538619896144}, {'virtue': 0.08933716810819498, 'one': 0.048651189164338846, 'out': 0.04864130685224872, 'part': 0.03375720656514572, 'pursuance': 0.03145340148893502, 'result': 0.02616341649605036, 'all': 0.0251596379097759, 'tion': 0.023785134505880427, 'means': 0.022477306942593037}, {'the': 0.3741061757008062, 'of': 0.16862542499410477, 'an': 0.10379119404289432, 'and': 0.0603042535226494, 'in': 0.03746674137895945, 'The': 0.036312783780544554, 'by': 0.028794388388925337, 'tho': 0.023641368538185152, 'with': 0.019696514472117326}, {'and': 0.1096844958352267, 'there': 0.07426730621258529, 'to': 0.04461583323353318, 'of': 0.04182800962561457, 'he': 0.03745814248260434, 'the': 0.035787026938489154, 'or': 0.03459093899790713, 'I': 0.03400750255976085, 'is': 0.030388116994847992}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.15652611851408013, 'of': 0.11422780979931677, 'and': 0.08504708330440851, 'to': 0.0361649818302569, 'that': 0.034242784026918806, 'The': 0.03231408857727781, 'in': 0.03112054089137663, 'which': 0.02089336217717246, 'or': 0.017507140879938755}, {'is': 0.16478409008647618, 'be': 0.15886265998667942, 'of': 0.12169458853601839, 'was': 0.10706433956368656, 'and': 0.08242632142824188, 'to': 0.06287854336227841, 'with': 0.05467474739736972, 'in': 0.053576848861003314, 'on': 0.04224108308344815}, {'as': 0.6012531597768882, 'so': 0.12445111666082966, 'and': 0.06620860040647915, 'of': 0.039479326284523775, 'the': 0.027387217675977384, 'is': 0.027220982625140534, 'very': 0.020930829486060204, 'a': 0.01557683608801206, 'be': 0.013927118187056838}, {'the': 0.324571766462722, 'a': 0.30037359210954434, 'this': 0.0409213720572543, 'The': 0.03029211526478346, 'of': 0.030228264743781184, 'other': 0.028481653474272714, 'and': 0.02183069554908676, 'any': 0.021329340311805105, 'tho': 0.01600965309836609}, {'the': 0.13985988047371956, 'and': 0.08175709864112966, 'of': 0.07390566269000735, 'that': 0.05660966544454627, 'in': 0.032016112182027, 'The': 0.02166605758917495, 'which': 0.02068240182310983, 'a': 0.018788904687289408, 'Mr.': 0.01850030021487356}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'the': 0.16747488477049746, 'of': 0.09514863148761885, 'and': 0.06411864454492501, 'a': 0.05033968473374097, 'to': 0.04496479103207151, 'in': 0.04078847481788951, 'be': 0.019667741709608756, 'for': 0.016733348140112406, 'was': 0.01591617506278457}, {'that': 0.2708185534918251, 'and': 0.11439969386906366, 'which': 0.09503765081044574, 'when': 0.06406773885810198, 'as': 0.06320092772935368, 'if': 0.04573453986029028, 'but': 0.02919901835210076, 'where': 0.02877032680913845, 'what': 0.02563721789102807}, {'the': 0.3400375889850953, 'and': 0.12340754367872724, 'to': 0.11749645829256376, 'a': 0.06497157846675934, 'of': 0.060972908370604165, 'as': 0.0500122591483872, 'The': 0.0378962657289453, 'will': 0.03308776688079077, 'tho': 0.021319873922755993}, {'the': 0.3229548808708949, 'this': 0.11278385398188183, 'their': 0.11183619575104581, 'of': 0.0876521689065565, 'our': 0.07940346679058281, 'an': 0.05619770369379836, 'its': 0.05612886742025522, 'his': 0.043949753744110504, 'other': 0.037194777105653325}, {'of': 0.18348947869447485, 'in': 0.13665426644520506, 'a': 0.07823030082462772, 'to': 0.0730781394763414, 'the': 0.0726729822249786, 'and': 0.0519830625926264, 'for': 0.03963449567484928, 'In': 0.0338058089663794, 'with': 0.025221013159990854}, {'the': 0.7853725011417989, 'this': 0.0730970348755896, 'tho': 0.025275592898625722, 'immediate': 0.02430849663901578, 'a': 0.021725042280008933, 'and': 0.01675577063882635, 'The': 0.01136062438413185, 'tbe': 0.007826571932173372, 'Judicial': 0.005122563097573635}, {'of': 0.1294717287130355, 'in': 0.07950666476522067, 'to': 0.04710267624898076, 'with': 0.03993854240969291, 'on': 0.03547602874354784, 'by': 0.03290479158593534, 'from': 0.029753927545644637, 'and': 0.023984666953214252, 'upon': 0.018446833107255246}, {'of': 0.10704144227201515, 'the': 0.10603443257363558, 'and': 0.09239181538578839, 'to': 0.09220960597322482, 'at': 0.057813657920635995, 'for': 0.024224556077490945, 'a': 0.021605136394250428, 'with': 0.020667342304224876, 'in': 0.019244193883588143}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.28136642062363426, 'a': 0.1667510520840752, 'his': 0.09745040682047536, 'and': 0.07665495421325404, 'my': 0.03919304375675424, 'this': 0.03801916975479393, 'her': 0.036238257603264254, 'first': 0.03444943037208347, 'to': 0.02975406705143752}, {'that': 0.22401060530641564, 'and': 0.12662187526806848, 'as': 0.11566529417353215, 'if': 0.0866677437004137, 'which': 0.0703662120504775, 'when': 0.0581063962966109, 'what': 0.055116929864823534, 'but': 0.04922015427434187, 'where': 0.03286584898390355}, {'.': 0.04989102630078639, 'a': 0.028572251873563773, 'to': 0.024600048109416666, 'of': 0.02229310657437796, '-': 0.021805204731289288, 'and': 0.017873903211780163, 're-': 0.011960290658222468, 'the': 0.011598719622650225, 're': 0.00821154091208669}, {'and': 0.1559038034240105, 'that': 0.08795514562908884, 'as': 0.06921853840556914, 'but': 0.042646518465917646, 'for': 0.028783925471504494, 'to': 0.024730212178179566, 'which': 0.0192843556025167, 'the': 0.019252913524287884, 'after': 0.018781799537448636}, {'the': 0.3697859658883635, 'in': 0.11826276811190449, 'of': 0.08298641904918556, 'a': 0.08054045741672251, 'this': 0.05471293197962884, 'his': 0.05086120789942588, 'for': 0.03322432182090923, 'at': 0.02922936808835911, 'their': 0.02854565260052605}, {'feet': 0.04450282841487448, 'went': 0.037063149435361986, 'and': 0.03339832948788875, 'as': 0.027459240866158172, 'up': 0.027159057654902025, '10': 0.02687498476732914, 'go': 0.02493875587881042, '20': 0.022378152894929202, 'chains': 0.021342003559871366}, {'went': 0.0859649131984472, 'go': 0.0740156727463613, 'came': 0.05340569088270274, 'back': 0.046824518702947265, 'it': 0.046591197665674745, 'out': 0.04597094137011748, 'put': 0.04419418637857149, 'down': 0.040075377835223074, 'come': 0.03708818962066005}, {'the': 0.2181793076407424, 'Mr.': 0.07857785193258426, 'of': 0.07295098089280648, 'The': 0.0637307994810779, 'and': 0.05885440013072087, 'that': 0.046435186239938524, 'a': 0.02853125724501091, 'his': 0.01870642531244085, 'Mrs.': 0.016344916628177258}, {'is': 0.14778796755789222, 'to': 0.13363448340605577, 'of': 0.09998754923137008, 'was': 0.09539777527748661, 'with': 0.09080807656286967, 'in': 0.07547238132772682, 'and': 0.06666003395798897, 'for': 0.06275990782391852, 'as': 0.05634101557278019}, {'to': 0.5210488691401307, 'will': 0.11978956135799211, 'not': 0.07715397001957801, 'and': 0.06196229537120174, 'would': 0.059522944496781215, 'should': 0.03888858658671224, 'shall': 0.03452555008882002, 'can': 0.021532019825862874, 'must': 0.020681575805532884}, {'to': 0.6252555484900011, 'and': 0.06701284587620461, 'will': 0.04525294225936459, 'can': 0.037337940712106894, 'could': 0.03222167529032512, 'not': 0.03105691194828425, 'we': 0.027476763171833115, 'should': 0.024511619993092492, 'cannot': 0.0213181419149501}, {'<s>': 0.09693640024322443, 'it.': 0.016486624983954062, '.': 0.010111261377380176, 'them.': 0.009065024177985532, 'him.': 0.00849056258044135, ':': 0.007940628880460663, 'and': 0.006526568553036314, 'day.': 0.0062648389205656844, 'time.': 0.0051790218433517814}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'and': 0.06705828717275214, 'of': 0.0347625364494694, 'the': 0.029431010291745427, 'to': 0.020534159479438076, 'that': 0.01887126318392735, 'in': 0.01445701646896418, '<s>': 0.013254273767509062, 'he': 0.012187352686596662, 'as': 0.011500062623864962}, {'number': 0.04609141416501128, 'line': 0.040934253221551184, 'point': 0.02822878748024728, 'matter': 0.02574932456933742, 'out': 0.023607389114527547, 'city': 0.023047179605818462, 'amount': 0.022833492501817935, 'City': 0.020576842914975295, 'place': 0.020309117629866938}, {'his': 0.25903381741113146, 'the': 0.15406909141572486, 'her': 0.10164994316044394, 'His': 0.09904130785783288, 'my': 0.06857211758891264, 'The': 0.05388429965610127, 'My': 0.033627105745312975, 'that': 0.03248255444502307, 'their': 0.022671920032998318}, {'the': 0.2644101117622574, 'at': 0.22256010113103228, 'to': 0.11333227469256782, 'not': 0.07698854854345108, 'be': 0.07204313928345435, 'such': 0.04896214815925096, 'was': 0.04506352667892597, 'At': 0.03361102507269231, 'and': 0.030059199736525204}, {'and': 0.08352521991239485, 'is': 0.07094858015244587, 'was': 0.07051810966683464, 'of': 0.04528201735887677, 'it': 0.03884888383139159, 'not': 0.03442425714638668, 'be': 0.03247105329715929, 'are': 0.030679294118884155, 'a': 0.030615474986581976}, {'not': 0.2043351888993639, 'I': 0.16402606847926313, 'they': 0.12538730356542976, 'we': 0.11802664252204761, 'you': 0.08661106311337213, 'who': 0.07384498157760556, 'and': 0.04654765880028723, 'to': 0.0418344538478767, 'We': 0.029281675461742724}, {'the': 0.36444594518983003, 'of': 0.15750216896464705, 'in': 0.11608183437737732, 'from': 0.04709328233137969, 'The': 0.036870883076610475, 'for': 0.029778120164644123, 'and': 0.028917637184590173, 'at': 0.027293037902396927, 'to': 0.027235425875616275}, {'that': 0.10814479960441647, 'for': 0.107661624396322, 'if': 0.0974202106124583, 'If': 0.09067768730532658, 'and': 0.08581159771151398, 'to': 0.07440801688402598, 'as': 0.06799705474506404, 'do': 0.04795177525515693, 'of': 0.03859391439952859}, {'the': 0.6681831889747392, 'The': 0.09935110327431727, 'not': 0.05212872743721156, 'could': 0.027040262940586896, 'can': 0.026182230372489047, 'a': 0.025722420923735764, 'would': 0.025296448429990334, 'will': 0.024873164464878934, 'tho': 0.023688754147054895}, {'for': 0.7669840996057024, 'of': 0.07315577300958462, 'in': 0.028959543016871713, 'to': 0.022996519505637997, 'For': 0.02001147568191496, 'lor': 0.01642267807678512, 'during': 0.014948063189576198, 'at': 0.011135419927248685, 'and': 0.011108653578752624}, {'the': 0.6232112910749138, 'a': 0.06920374243927917, 'this': 0.053578369405619775, 'and': 0.0455367133729482, 'tho': 0.04496173540568524, 'The': 0.03311093964955895, 'of': 0.03256039554694305, 'in': 0.019981386901443448, 'his': 0.017811478426103127}, {'it': 0.1334380009640609, 'they': 0.1222218594729861, 'he': 0.11908099527065058, 'and': 0.09395760150256191, 'we': 0.07180645116959827, 'who': 0.06621144941111047, 'I': 0.06489277675847127, 'you': 0.05915234634808529, 'which': 0.045307540584872116}, {'and': 0.11452215755892058, 'well': 0.07481411183740515, 'regarded': 0.044520915474994587, 'him': 0.03786628897047342, 'known': 0.037459800295165345, 'soon': 0.03254924246086493, 'it': 0.03161827225121157, 'is': 0.029389233671880267, 'but': 0.028735635031666464}, {'two': 0.062257136329049105, 'three': 0.05836520690068738, '100': 0.05233270724505179, 'six': 0.051235872686436375, 'hundred': 0.04980862886265382, 'four': 0.04333919577952525, 'ten': 0.03913652824217283, 'five': 0.038196321956682426, 'twenty': 0.032212217314756694}, {'of': 0.07779918043414362, 'and': 0.07725521509889113, 'to': 0.0766966387530607, 'the': 0.07170830168495326, 'in': 0.06353132727194553, 'a': 0.03323898128184523, 'was': 0.02973701613603953, 'is': 0.0297153225243694, 'for': 0.025881102494688897}, {'to': 0.6290871838412035, 'can': 0.066251432332555, 'could': 0.05472999668732211, 'will': 0.05229663209635893, 'not': 0.04877929541887587, 'and': 0.04012180470092229, 'would': 0.023177472792561965, 'I': 0.020015011037695197, 'you': 0.019792153256621037}, {'and': 0.09515264199589137, 'together': 0.05970144109081358, 'covered': 0.03640167794610209, 'him': 0.03211426652152613, 'up': 0.030155809362644507, 'it': 0.02246483567435092, 'met': 0.02159101760185103, 'them': 0.02092550701835756, 'but': 0.01766366684559097}, {'for': 0.12277985068893163, 'of': 0.11419287210908699, 'as': 0.10680838941627313, 'and': 0.0802398801625261, 'to': 0.0692168822330139, 'is': 0.06673372595108851, 'in': 0.0602078750906489, 'with': 0.04837425665423647, 'was': 0.04348569370759081}, {'to': 0.21200297263189302, 'will': 0.20710261317981532, 'may': 0.11466914860368711, 'should': 0.08944571396532916, 'can': 0.08027854111922941, 'shall': 0.07853315190575913, 'would': 0.053913311677153526, 'must': 0.047250111617523245, 'could': 0.047003269067444745}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.22392741601383195, 'to': 0.19067430154509912, 'in': 0.13222363324500144, 'and': 0.07088662701386425, 'with': 0.05955242128404835, 'for': 0.05367808102348152, 'at': 0.05118210389420412, 'reserves': 0.05023976638551513, 'have': 0.043985713589129165}, {'<s>': 0.08658796937418967, 'it.': 0.01794429947801362, 'them.': 0.011107877219648237, 'of': 0.010547527452485524, 'year.': 0.009104107796511909, 'country.': 0.008718606473400928, 'day.': 0.008548207685487167, '.': 0.007973446880114329, 'time.': 0.007194057561504382}, {'the': 0.28235911082151777, 'a': 0.1847381829569252, 'The': 0.052808835959045376, 'of': 0.05202951343653552, 'and': 0.04073066513568187, 'an': 0.03151174624179291, 'that': 0.021574117715400864, 'A': 0.0213891121963546, 'tho': 0.01879845146403918}, {'and': 0.0709910852749026, 'those': 0.05900432191374152, 'to': 0.055152464645176806, 'of': 0.0431659088011864, 'have': 0.04183546161014165, 'who': 0.04059376987706419, 'had': 0.039772194835712905, '<s>': 0.032460054277710156, 'all': 0.02315302931399762}, {'of': 0.2624932462130038, 'and': 0.12516958632676614, 'are': 0.05060452621284931, 'is': 0.04796864359243573, 'now': 0.043097644659823686, 'by': 0.03520027439487294, 'after': 0.03281002166323825, 'in': 0.02762351895270448, 'was': 0.025228108550691394}, {'of': 0.2861523254895883, 'to': 0.10321234554586928, 'with': 0.08251806662610496, 'and': 0.0804887446776547, 'is': 0.07408477594889004, 'in': 0.070463579929481, 'that': 0.05262063137701935, 'by': 0.049366110960523776, 'for': 0.04911385848964588}, {'last': 0.2608280303907038, 'the': 0.2560006336179292, 'a': 0.1266151554068202, 'this': 0.0822979901101479, 'one': 0.06077623825027285, 'next': 0.050009890283668125, 'past': 0.036203426999390664, 'fiscal': 0.027433847347879455, 'each': 0.02144669410010549}, {'time': 0.07683166248625414, 'able': 0.06904897653298823, 'and': 0.06258064784263019, 'right': 0.0500558274210076, 'him': 0.04957277535047772, 'enough': 0.0486605179655982, 'began': 0.045223376898458185, 'brought': 0.04428662054426732, 'them': 0.042381423635049674}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {'<s>': 0.05695138048397157, 'him.': 0.014990342462288858, 'it.': 0.014558357720211858, 'them.': 0.010392716406835258, '.': 0.00945187057191227, 'time.': 0.006365933412645025, 'her.': 0.006126769226438714, 'country.': 0.0056135545120623185, 'him': 0.00554454197693121}, {'a': 0.21216353305857844, 'so': 0.17411890129602287, 'feet': 0.12825192488239967, 'the': 0.07388219828767958, 'very': 0.06806240243282712, 'too': 0.04275240557642269, 'inches': 0.038992060916674516, 'as': 0.038156928042955104, 'was': 0.03655345430966747}, {'and': 0.08367938373106967, 'him': 0.06500751886721072, 'want': 0.06132667427711854, 'able': 0.056156656212425146, 'is': 0.05079247978234478, 'enough': 0.04915197905362433, 'have': 0.045583806902392394, 'me': 0.04298464048923623, 'necessary': 0.03938754070275725}, {'they': 0.15335885325249562, 'we': 0.14855863252895724, 'you': 0.14146532479014656, 'I': 0.13482816762044456, 'he': 0.11117779405682661, 'who': 0.042519653525814244, 'that': 0.041164329771417534, 'and': 0.03993338192222982, 'it': 0.03841760328966085}, {'it': 0.11982457952253103, 'he': 0.11771387806129638, 'It': 0.09081535306870335, 'which': 0.08778013817518175, 'I': 0.0799146913108653, 'that': 0.04695876423253709, 'and': 0.043256232498376256, 'He': 0.042566653942271396, 'she': 0.0390079487148692}, {'the': 0.7058591481690154, 'an': 0.061286809367479884, 'general': 0.03436120322724466, 'The': 0.03296326162978218, 'tho': 0.029926831282719023, 'primary': 0.02355100781432514, 'tbe': 0.01574878770247402, 'said': 0.013555078262427057, 'special': 0.012750078679364084}, {'enough': 0.0736694107804974, 'and': 0.07130330020802016, 'able': 0.06322655222443574, 'order': 0.060983564504242804, 'is': 0.05377737969380698, 'as': 0.049640820594211585, 'him': 0.04449848291089123, 'necessary': 0.04372659986255191, 'unable': 0.03864541445866458}, {'the': 0.26422665817371405, 'this': 0.23337233852961173, 'his': 0.07446294279009213, 'that': 0.056204609514936416, 'first': 0.048727410470836945, 'same': 0.03930515143551873, 'taken': 0.03330978935206605, 'on': 0.0316399817305141, 'took': 0.029902593445518464}, {'to': 0.2768696295406642, 'the': 0.22611355102397462, 'an': 0.13927203655959416, 'this': 0.09706613196124093, 'will': 0.04317948481228837, 'and': 0.03417784945378527, 'said': 0.023674654707066464, '"An': 0.020075287286566136, 'a': 0.019289942947069906}, {'that': 0.301810662514681, 'and': 0.19681127172528073, 'but': 0.06524754349671377, 'which': 0.04188775903911612, 'where': 0.04174159003228078, 'if': 0.0395127805922487, 'as': 0.03308043670615705, 'But': 0.03015130368299191, 'If': 0.030082574343077137}, {'.': 0.08674307749927714, 'J.': 0.0862956789708431, 'W.': 0.08500611957383636, 'John': 0.07926579033644786, 'A.': 0.07118235237717685, 'Mrs.': 0.05927577351526005, 'C.': 0.05613438555920413, 'H.': 0.051433181044935154, 'and': 0.04146254250004419}, {'to': 0.09217334012649407, 'and': 0.09176894408741271, 'that': 0.04871818218683882, 'the': 0.038692787616241, 'for': 0.028049698989876193, 'in': 0.02579401080539231, 'of': 0.02575016767804434, 'not': 0.017698098522187337, 'was': 0.017622984301708815}, {'in': 0.011751047322353771, 'men': 0.011426001041294235, 'it': 0.010494655997473176, 'out': 0.010426505227748155, 'work': 0.009598162495682376, 'him': 0.009558017330079367, 'time': 0.009429391174107881, 'life': 0.008890048594099167, 'up': 0.008735194349764165}, {'the': 0.1917933677001139, 'a': 0.18732315154855392, 'of': 0.06601604403965694, 'and': 0.06537188384693239, 'to': 0.05144754048005584, 'in': 0.03974147637702711, 'an': 0.03404052505609726, 'at': 0.021677191156903825, 'his': 0.020101198485516635}, {'<s>': 0.06763911265923925, '.': 0.0430826934958041, 'happiness.': 0.03016300600055535, 'and': 0.022032665636136498, 'the': 0.018938713526077962, 'Mr.': 0.017561083357690934, 'it.': 0.016633707122841852, 'them.': 0.009949589533502164, 'It.': 0.008288787212231573}, {'of': 0.46981945304467, 'in': 0.1415676672912616, 'to': 0.13630590234301934, 'that': 0.05121044791280106, 'by': 0.046158683453706856, 'for': 0.028060186043035378, 'with': 0.024579946781768485, 'and': 0.023314276362457177, 'from': 0.022772991217513215}, {'and': 0.11688733579682299, 'was': 0.06500890083756004, 'is': 0.046324142833373445, 'up': 0.030773113555138693, 'it': 0.02991201168220065, 'made': 0.02633708248672102, 'put': 0.02603131450301969, 'placed': 0.025678045752279336, 'that': 0.024799280543645462}, {'of': 0.35510872992098447, 'to': 0.1360822889902791, 'and': 0.07460217698360237, 'by': 0.06951642222828792, 'that': 0.06724517653850547, 'on': 0.06159679163394322, 'for': 0.04302295847011336, 'with': 0.03790294189789586, 'in': 0.033896468333009834}, {'and': 0.1105275153064909, 'was': 0.05646105749373942, 'Beginning': 0.046185211842041156, 'week': 0.0421392123508336, 'three': 0.03364348586118137, 'is': 0.026128834341315466, 'died': 0.02531582102774389, 'him': 0.025290857932557417, 'are': 0.023599168997379884}, {'part': 0.053826173933589336, 'one': 0.04969332404306659, 'and': 0.03591623047271203, 'some': 0.02665217889961408, 'out': 0.0258689859312832, 'that': 0.02161379475211173, 'all': 0.02097046536970743, 'tion': 0.01976956868654715, 'sum': 0.01526154112527193}, {'the': 0.6760653438001917, 'The': 0.053524337764018735, 'county': 0.03693376411920427, 'supreme': 0.03177069995481634, 'tho': 0.03121907782823639, 'this': 0.030864877389979714, 'said': 0.030722196108132756, 'district': 0.02843682388391249, 'a': 0.028003640362341504}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'a': 0.19812305072431455, 'the': 0.17998717059667296, 'and': 0.08358370183288465, 'his': 0.07180860329452642, 'of': 0.04755463009366459, 'that': 0.038621387194762685, 'The': 0.03645258501002121, 'this': 0.0354308775501962, 'A': 0.026462164630322582}, {'<s>': 0.04881188206405203, 'it.': 0.03364830372366672, 'them.': 0.032770418334098085, 'country.': 0.014222693773048337, 'time.': 0.01351585619696856, 'him.': 0.013018024922740859, 'years.': 0.01236451049522145, 'life.': 0.01011911464023259, 'us.': 0.00886107496828018}, {'of': 0.3313110910754086, 'the': 0.17345356331720932, 'in': 0.09855592810865797, 'to': 0.06755235371231472, 'by': 0.0545840252522125, 'for': 0.050494532788241044, 'a': 0.041042037469975874, 'from': 0.04048276508901661, 'on': 0.03932061600970168}, {'to': 0.3523244097239367, 'with': 0.1148681959749839, 'for': 0.09749015589530959, 'of': 0.0862500179322869, 'upon': 0.03718846439490839, 'from': 0.032693532350459506, 'by': 0.027106563399028116, 'at': 0.023720389155555556, 'against': 0.021320033073001704}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'that': 0.12993552268942943, 'and': 0.09613861850886089, 'but': 0.034500805539589265, 'it': 0.03268921562134177, 'which': 0.014950479896542456, 'you': 0.012178674372727804, 'But': 0.011941591593128555, 'as': 0.011155103522930403, 'And': 0.010574769123415002}, {'and': 0.27271033920189547, 'that': 0.11679596171894024, 'but': 0.07541831679516131, 'or': 0.03181874060647411, 'time': 0.03109762957262585, 'But': 0.02904067706379897, 'And': 0.018635761547308914, 'and,': 0.01687819959583763, 'day': 0.01324287097061592}, {'the': 0.11662162438895472, 'of': 0.08510772891872619, 'and': 0.0749308918450228, 'a': 0.05027090809541287, 'to': 0.044579509927247796, 'be': 0.03493674646348542, 'in': 0.034010718862884565, 'was': 0.032497593919047184, 'is': 0.018566250331332107}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'there': 0.19787921625795363, 'There': 0.11790274107707514, 'they': 0.11110727784680899, 'who': 0.05589023834602815, 'we': 0.055455658710692406, 'and': 0.04978932848466954, 'They': 0.04433657580707032, 'you': 0.04203599926372565, 'which': 0.04115534416508508}, {'a': 0.4706039555383199, 'the': 0.12933529529427568, 'very': 0.05789417683054599, 'but': 0.045742352770339945, 'of': 0.0386821493697487, 'and': 0.03381218516454852, 'A': 0.02903876822329138, 'is': 0.027264592135828068, 'with': 0.021289011327915833}, {'of': 0.2048973732604719, 'to': 0.14262074351979914, 'by': 0.09329978983767113, 'for': 0.09177893124721555, 'in': 0.08256868081580622, 'and': 0.0808411434298977, 'that': 0.07178165683898807, 'with': 0.06010520767338535, 'as': 0.034426151213445486}, {'and': 0.22872424446355707, 'of': 0.09427036590983684, 'to': 0.07789955071146706, 'that': 0.06871626295897561, 'if': 0.05934040451314241, 'for': 0.05045339802074537, 'but': 0.04961901536476376, 'in': 0.0472649281550031, 'when': 0.039288667821177355}, {'of': 0.14525612853600975, 'the': 0.13413915446513217, 'and': 0.07133354447723288, 'to': 0.058189573483772315, 'that': 0.041666141694340825, 'a': 0.03736865146881312, 'in': 0.030722392429700606, 'by': 0.020810137490108585, 'for': 0.020354479945942583}, {'they': 0.10748206985798746, 'he': 0.10224636526584532, 'you': 0.10194827883988691, 'and': 0.10026532945648152, 'it': 0.0880390090616223, 'which': 0.08057030295253713, 'that': 0.0640505895896379, 'who': 0.06015716276105603, 'we': 0.04418549541948245}, {'the': 0.32900349237875876, 'a': 0.18147918641923885, 'and': 0.06805096437707576, 'of': 0.060913419143352625, 'his': 0.050118226473007454, 'their': 0.049489614070343926, 'any': 0.04830453092197446, 'to': 0.030647996842369574, 'with': 0.026732912099903926}, {'one': 0.016205199953911776, 'more': 0.014850368963924498, 'on': 0.011077444877729834, 'day': 0.010651749053865015, 'two': 0.010644879159957422, 'person': 0.007819629515499037, 'in': 0.007673885993340908, 'man': 0.007480463731075341, 'law': 0.0064657706989891236}, {'the': 0.3008769290452627, 'to': 0.1389524827635491, 'and': 0.12411644175419469, 'The': 0.0800889511346142, 'will': 0.04863653096701341, 'that': 0.03462120972471321, 'this': 0.030186244711815042, 'we': 0.02448002949383207, 'they': 0.02300689221723946}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.34696871217072345, 'in': 0.178941026283344, 'to': 0.09007460265702343, 'for': 0.07720307602311356, 'and': 0.05579808917108314, 'with': 0.052113872192499154, 'on': 0.0383184434035538, 'by': 0.03700997790245452, 'that': 0.032109376832423916}, {'the': 0.1750733361600466, 'of': 0.13075575779947, 'in': 0.09622919540637906, 'and': 0.0749271250700474, 'to': 0.05233742653153399, 'a': 0.045928951396784747, 'In': 0.025239660981380845, 'by': 0.02498016483384193, 'for': 0.02387562616095811}, {'and': 0.06323307679264886, 'carried': 0.05132033475589517, 'put': 0.042898164042308964, 'called': 0.038880680322301193, 'go': 0.033084340790051035, 'was': 0.032910941470126714, 'went': 0.032600142386348334, 'brought': 0.03144940384965169, 'going': 0.027320342463008424}, {'and': 0.11299927985727584, 'at': 0.08200635908048977, 'a': 0.06708450006834224, 'No.': 0.05742167602340681, 'of': 0.04067753385897459, 'about': 0.040515201247880085, 'the': 0.03778400159042636, 'in': 0.030308448489560096, 'lot': 0.028509403645354942}, {'the': 0.3317903033137303, 'young': 0.06627673806300323, 'business': 0.06307846175957603, 'of': 0.05838954567839104, 'and': 0.056524900974376145, 'The': 0.04703129563374105, 'two': 0.04347706810689761, 'many': 0.031427625954908237, 'by': 0.029001354931821696}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'well': 0.10851424949253967, 'far': 0.07927405791817643, 'and': 0.0788618125837894, 'so': 0.07146467070516627, 'such': 0.04261268938503912, 'soon': 0.03899240676452287, 'long': 0.033877132248703756, 'known': 0.027807170263054334, 'just': 0.026924961425070768}, {'and': 0.12726597184632982, 'to': 0.11402470522351438, 'of': 0.08361121048367562, 'that': 0.051380428969615886, 'as': 0.034697562204047634, 'it': 0.03253015734599889, 'or': 0.02614190990413656, 'is': 0.024646339024080085, 'have': 0.024554068608588275}, {'was': 0.2262836973124599, 'and': 0.12281394785114645, 'were': 0.12103383503683225, 'be': 0.11414455184117267, 'been': 0.10975568339125676, 'are': 0.05750799553190349, 'is': 0.045617682861572764, 'being': 0.03369765394001481, 'had': 0.033281523306504544}, {'and': 0.21538199618126685, 'or': 0.11468362904282839, 'that': 0.06181056109758186, 'but': 0.05876855722190837, 'not': 0.05306931763026003, 'for': 0.026065858552028368, 'But': 0.024293051896344484, 'is': 0.022049344977521663, 'be': 0.021718336818777648}, {'I': 0.15061024629973713, 'we': 0.12452808651130315, 'they': 0.11759411387579037, 'who': 0.10414053240707305, 'to': 0.092940442228492, 'would': 0.08839688897216366, 'We': 0.053337620917132955, 'you': 0.04928013085672722, 'and': 0.04766254326383262}, {'the': 0.3709672195669033, 'this': 0.20812684369775805, 'of': 0.05930993885333358, 'to': 0.05840507564386585, 'said': 0.05422823728320502, 'supreme': 0.04911404874827146, 'district': 0.04029303175555671, 'a': 0.026249720661569605, 'in': 0.024210846037082408}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'in': 0.01957546190816526, 'up': 0.014416563626433718, 'men': 0.012860591927648563, 'him': 0.011728343510502948, 'them': 0.011161761473093265, 'out': 0.01113132608926207, 'it': 0.011053384230827978, 'it,': 0.011001936119250658, 'work': 0.009236884224485294}, {'is': 0.17538325874478847, 'was': 0.13300141440303223, 'and': 0.1257510810575664, 'that': 0.10891223424640453, 'had': 0.07334755751552283, 'be': 0.07317003411354307, 'have': 0.06284635592722784, 'but': 0.05055985866728336, 'are': 0.034056346290178244}, {'be': 0.14245824105397226, 'was': 0.12690846003275122, 'and': 0.10829906277777972, 'been': 0.07716794553982123, 'is': 0.07270105659144088, 'are': 0.0450461611206336, 'were': 0.04461368295766797, 'the': 0.03859724709080985, 'he': 0.038337209935691285}, {'the': 0.5380556152075591, 'to': 0.12797796543601733, 'not': 0.04150148810572659, 'The': 0.04120749684251191, 'a': 0.038933023033231644, 'and': 0.0336968195649433, 'will': 0.021243808559871145, 'tho': 0.019507208028143607, 'or': 0.01881760574532468}, {'the': 0.15652611851408013, 'of': 0.11422780979931677, 'and': 0.08504708330440851, 'to': 0.0361649818302569, 'that': 0.034242784026918806, 'The': 0.03231408857727781, 'in': 0.03112054089137663, 'which': 0.02089336217717246, 'or': 0.017507140879938755}, {'and': 0.1712120398575527, 'he': 0.1208249070088824, 'He': 0.07570072895187029, 'who': 0.06313878757140445, 'which': 0.04792588957664941, 'It': 0.045915017514994556, 'it': 0.04344421823300912, 'be': 0.039178702949951086, 'was': 0.0352779706509748}, {'the': 0.2312217501252405, 'and': 0.21048906530042163, 'it': 0.05100367865414308, 'that': 0.048376543162868095, 'It': 0.04494726008732816, 'of': 0.043870236990992524, 'was': 0.025679554983716404, 'he': 0.023777105198631444, 'The': 0.021932515332575005}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'<s>': 0.1097207617375111, 'it.': 0.019473710802388203, 'them.': 0.012069081916363607, 'country.': 0.00865912607292789, 'time.': 0.008618073669022881, 'year.': 0.007636894577576562, '.': 0.007405561220104834, 'him.': 0.006381825341910781, 'day.': 0.006191874969287211}, {'and': 0.10998895107749822, 'of': 0.10796931894245024, 'about': 0.10566472550610767, 'to': 0.10362428085525544, 'or': 0.0828675350668282, 'at': 0.08274408346954594, 'the': 0.07997204289168496, 'for': 0.05516196147813684, 'from': 0.04807170019783195}, {'men': 0.017806980218817776, 'city': 0.015832419197704815, 'gold': 0.011055240419609725, 'county': 0.010803481735995811, 'right': 0.010592489945067597, 'life': 0.010322892711819203, 'York': 0.009657557505467642, 'rights': 0.009503211916253603, 'out': 0.009472822526066167}, {'the': 0.18776226519188022, 'of': 0.1816313720865492, 'and': 0.08757320071875047, 'in': 0.0429448240721756, 'a': 0.039263781888488794, 'to': 0.03906194714008304, 'for': 0.0338241803561964, 'at': 0.027538577867699664, 'with': 0.016449663851154754}, {'of': 0.1582559933891888, 'the': 0.09407817952359815, 'in': 0.057873491356385934, 'and': 0.04702176872006862, 'that': 0.03743136021928463, 'to': 0.031011104865684532, 'The': 0.026454772604923092, 'for': 0.022924280922302677, 'Mr.': 0.019774204214003416}, {'the': 0.4422806140025871, 'a': 0.11338078605175346, 'oppo-': 0.06107663919743808, 'one': 0.045259821283629924, 'and': 0.04224066208581372, 'The': 0.03699789892633597, 'tho': 0.02573787656724066, 'of': 0.020220993806444643, 'county': 0.014354504238136502}, {'the': 0.7392718157728255, 'a': 0.061023478927736574, 'tho': 0.028176809067373233, 'The': 0.02771316943480652, 'large': 0.02356309278022093, 'further': 0.020600694062875374, 'this': 0.019946265864822822, 'principal': 0.017270274621522093, 'said': 0.015258535371272813}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.19366663680514382, 'and': 0.08128113731918163, 'a': 0.07212575929639982, 'of': 0.06672986838020205, 'to': 0.06478510233452361, 'so': 0.03284227220056475, 'is': 0.030619253841453187, 'in': 0.02730485862360423, 'be': 0.023414326482796212}, {'the': 0.2064116924736922, 'and': 0.11313399934584466, 'of': 0.09866374946654954, 'The': 0.06458832580027597, 'that': 0.02473070935975453, 'these': 0.018229194570184497, 'a': 0.0162142823376505, 'or': 0.0158396488594701, 'to': 0.014511239269900876}, {'the': 0.35535286113322584, 'and': 0.09215090141156153, 'The': 0.06103075016796749, 'a': 0.05392563214961058, 'our': 0.0482597286860608, 'other': 0.03746250768763728, 'public': 0.03406543371251426, 'an': 0.033449710431812614, 'his': 0.03327692730982007}, {'the': 0.6608822551017878, 'The': 0.08005154189574612, 'a': 0.07193842465793163, 'in': 0.034233058917324116, 'tho': 0.031820076640449335, 'and': 0.019776168085423363, 'of': 0.018621386982873744, 'tbe': 0.012792079820013503, 'this': 0.011901491263794224}, {'is': 0.1447026402214343, 'was': 0.13992478467756608, 'the': 0.12539026218573532, 'be': 0.11366057678077734, 'and': 0.06273707408054445, 'been': 0.055331186355472704, 'as': 0.04080451416876749, 'are': 0.039672031093392034, 'now': 0.02843581193475892}, {'and': 0.1300739164700418, 'of': 0.11338306726571885, 'the': 0.10006967208798173, 'to': 0.04490182090285124, 'for': 0.038382640755554025, 'a': 0.037947900437765886, 'that': 0.03541380962215245, 'which': 0.034311969164870115, 'or': 0.03140982652006802}, {'the': 0.13660417011405823, 'of': 0.06814169476928054, 'a': 0.06662318941999816, 'and': 0.06278170800726417, 'in': 0.047056235020166585, 'to': 0.04422248257851809, 'for': 0.03418413420498313, 'was': 0.019867328307216717, '<s>': 0.018262565975427664}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.11839448998636602, 'down': 0.049796070392662206, 'him': 0.04301372265148055, 'it': 0.0387855371738823, 'called': 0.035038023632740764, 'put': 0.03426561073263593, 'look': 0.0329956115898351, 'back': 0.03230079875517343, 'placed': 0.03155382957962132}, {'the': 0.13755505427317916, 'of': 0.10765129356233817, 'a': 0.08843133041369244, 'for': 0.08129053737511592, 'to': 0.0776981462977285, 'in': 0.07413909283083417, 'and': 0.04936753623473473, 'at': 0.03757098523269471, 'In': 0.019668336299435832}, {'the': 0.18909518670356548, 'a': 0.13821877099921695, 'of': 0.11136223852368587, 'in': 0.06972527994137302, 'to': 0.06262486643100233, 'and': 0.06053458977020746, 'an': 0.033651639471011255, 'for': 0.017651377622020518, 'that': 0.0156878171757162}, {'of': 0.3183599716213914, 'in': 0.20506146352580296, 'to': 0.08518533756945323, 'that': 0.0746093470710836, 'and': 0.051204159903798376, 'for': 0.049513924610657324, 'by': 0.04831789122955501, 'In': 0.04650051750557154, 'with': 0.032178854694676656}, {'and': 0.14575019181946564, 'is': 0.1322225892046026, 'or': 0.125085250831876, 'be': 0.10269685668881222, 'was': 0.08234822280325468, 'are': 0.05967310983848523, 'the': 0.05707921533849773, 'no': 0.056917403895683075, 'much': 0.051524049933098975}, {'as': 0.2101677978401982, 'and': 0.10869023968796494, 'is': 0.08450790272449786, 'a': 0.07092406150547928, 'the': 0.06227635022464696, 'any': 0.05599254765373465, 'or': 0.04510586405625429, 'no': 0.04471904220853403, 'it': 0.03816819593892824}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.2798920297801624, 'a': 0.2103014060025901, 'of': 0.0991246813291686, 'and': 0.08811506887170026, 'very': 0.05584962985158818, 'as': 0.0343062675375174, 'his': 0.029904875432709952, 'in': 0.02986380948170915, 'with': 0.026823826512092728}, {'that': 0.302835565423608, 'which': 0.09655049260170592, 'and': 0.09612079539737729, 'if': 0.06337818029599254, 'as': 0.06120585753234836, 'but': 0.05388677416801479, 'where': 0.052987060163845134, 'when': 0.050435715035289895, 'If': 0.02909688608830858}, {'I': 0.1348265085963946, 'they': 0.1269308528471248, 'he': 0.11494093568401383, 'we': 0.10369159769570552, 'it': 0.10341050398725828, 'you': 0.053006114863806617, 'and': 0.04218669840175334, 'It': 0.030656331962591255, 'she': 0.027338575153884784}, {'<s>': 0.06558595499653255, 'it.': 0.0165939843050774, 'him.': 0.01200145643989929, 'them.': 0.011545506570831676, 'time.': 0.011161682746923246, 'year.': 0.007841475203365308, 'country.': 0.007317465440953403, 'city.': 0.006980846929605519, 'day.': 0.006942965870724731}, {'was': 0.13627018632527224, 'been': 0.11555591296461341, 'be': 0.11166427605403936, 'and': 0.09879428568137244, 'are': 0.06753433521678498, 'is': 0.06700031956870446, 'have': 0.055532643748826084, 'were': 0.055529707644038764, 'had': 0.04722039974387676}, {'to': 0.12982005525029677, 'of': 0.11910649808253983, 'is': 0.10054130039437341, 'with': 0.08853195814297297, 'in': 0.07870756509105943, 'and': 0.0727787129036297, 'for': 0.06557164643306085, 'by': 0.06229203734540743, 'was': 0.06027849931838448}, {'the': 0.22519083753218083, 'a': 0.12716768250140298, 'of': 0.10105211494776833, 'and': 0.06535669815872208, 'as': 0.03731333629259965, 'his': 0.03594606882606749, 'their': 0.0346937219886448, 'two': 0.02858894578335448, 'many': 0.02603242955516655}, {'of': 0.09473854201801124, 'the': 0.09367875858128466, 'to': 0.062416507922488366, 'and': 0.05743438413663912, 'a': 0.04905225650525294, 'for': 0.026528520523940762, 'at': 0.021570106259628574, 'in': 0.021454346418124236, 'that': 0.018086584869201505}, {'and': 0.10402337802155248, 'made': 0.07841422747163274, 'or': 0.03960266961457579, 'caused': 0.031794657253406675, 'that': 0.03064362048974497, 'accompanied': 0.029976724032156798, 'ed': 0.02701957396349973, 'was': 0.026624717012284402, 'done': 0.02626314674307314}, {'one': 0.09437747966294287, 'time': 0.0322469712929725, 'and': 0.030821792638114034, 'day': 0.02034145051577894, 'that': 0.011941808067841975, 'man': 0.011111850843186737, 'part': 0.009914477530333027, 'out': 0.009511301496618265, 'One': 0.008700303492724428}, {'above': 0.3070228126954841, 'man': 0.11236751911865529, 'be': 0.045561431335393705, 'and': 0.04342330350092884, 'was': 0.04007277931857152, 'he': 0.032002369779426686, 'the': 0.030798080116757543, 'been': 0.025591675857127332, 'last': 0.02498353415736474}, {'of': 0.1511310740913532, 'at': 0.09113152441424799, 'the': 0.08465866788389712, 'to': 0.0504249036064433, 'and': 0.039570089312367454, 'by': 0.0350599727810582, 'in': 0.022249841840508384, 'from': 0.019142371002883407, 'a': 0.016744640330128287}, {'and': 0.1629655032530932, 'or': 0.13512071325517008, 'not': 0.12081784650670406, 'will': 0.0810749654449546, 'would': 0.06580992029985525, 'can': 0.06027135599807029, 'could': 0.05663874844877655, 'that': 0.05502604983238976, 'may': 0.038179817407634695}, {'and': 0.11452262316325243, 'to': 0.1009192545120656, 'of': 0.07405059207016147, 'the': 0.07094847522204169, 'in': 0.06371538521275559, 'a': 0.051853886535953804, 'or': 0.025383696183929574, 'on': 0.020181878410543364, 'that': 0.02002481227389495}, {'of': 0.0873334324694764, 'to': 0.08454979481680301, 'the': 0.0762215558472145, 'and': 0.07426690876319036, 'be': 0.04469629581794265, 'a': 0.0355240086797286, 'was': 0.032062820918258565, 're-': 0.022255056601075407, 'for': 0.02221453360629854}, {'w': 0.30090065484834067, 'the': 0.12622813802147553, 'and': 0.07166929520531913, 'a': 0.06161424309913209, 'of': 0.043970511212451976, 'The': 0.019297638818375044, 'was': 0.019083549629542552, 'at': 0.016108120305821566, '\\\\\\\\\\\\\\\\': 0.014629684242706525}, {'the': 0.2325051749957623, 'a': 0.22474027133567917, 'and': 0.08736432862765256, 'of': 0.05911782568509103, 'that': 0.041967796953991464, 'with': 0.03686034641935427, 'be': 0.036713569098182616, 'to': 0.027274830796259232, 'was': 0.02582409130872042}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.529710586232166, 'a': 0.15992904114551806, 'his': 0.04540364238672013, 'The': 0.03509497691902957, 'tho': 0.03094939780599409, 'of': 0.028737159931723974, 'that': 0.027940221120476515, 'any': 0.02272380797241827, 'whole': 0.01751794933465769}, {'a': 0.252574321983539, 'the': 0.2327532060524935, 'any': 0.09971654840266907, 'that': 0.0761187287275063, 'this': 0.04644442001159713, 'every': 0.039537788697127325, 'greater': 0.037861019235028444, 'latter': 0.029116307236611322, 'no': 0.026125414662914785}, {'that': 0.23203874385819082, 'and': 0.17184458385850537, 'as': 0.08716149224250258, 'which': 0.07827233157763686, 'but': 0.056052890032668196, 'if': 0.042227194515520164, 'when': 0.03785461890302346, 'If': 0.029267211949466337, 'what': 0.01818309923327774}, {'put': 0.16928527922485212, 'and': 0.09140945292068367, 'of': 0.06922997989949048, 'as': 0.06308911078044935, 'get': 0.058503773368075745, 'for': 0.05759643674688498, 'threw': 0.05692599487654787, 'make': 0.05247866482462662, 'take': 0.05076909129789569}, {'as': 0.06686658173842112, 'went': 0.0560778671322964, 'feet': 0.0529534100940194, 'and': 0.051622343126034656, 'up': 0.04123485815475025, 'back': 0.035882225294416197, 'according': 0.035475988450569214, 'sent': 0.033196184119484135, 'returned': 0.032286405509288865}, {'the': 0.14825836437162582, 'of': 0.08587496865514878, 'and': 0.07390780382295767, 'to': 0.038302624190476066, 'in': 0.026139954107354847, 'a': 0.024785774726353887, 'by': 0.021499357757215558, 'his': 0.01684315525028781, '.': 0.014924802233187727}, {'I': 0.2572300128416913, 'we': 0.13818330633429673, 'they': 0.13743063280787118, 'We': 0.09318670847939511, 'who': 0.058994341898112715, 'to': 0.05295662361230825, 'and': 0.044336426810502295, 'you': 0.04223867791131387, 'They': 0.03219948680610231}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'the': 0.5111908637206688, 'The': 0.14415233115169868, 'of': 0.059331478676337694, 'a': 0.042304527217946405, 'tho': 0.032645312666880734, 'and': 0.031984321627479495, 'his': 0.023580196059437876, 'that': 0.021467042676509743, 'our': 0.013595014895186127}, {'the': 0.22498201442902147, 'a': 0.2014391318086266, 'and': 0.08478325917704203, 'of': 0.07407622426248069, 'to': 0.05061561500387504, 'with': 0.036561572553121556, 'in': 0.031116049061073407, 'for': 0.031115255239280805, 'The': 0.02691671715516755}, {'the': 0.359799610729178, 'a': 0.16112623363898962, 'to': 0.13607658522408406, 'of': 0.03890040227129752, 'and': 0.025666373805440693, 'an': 0.023121030807605386, 'tho': 0.02280576238006719, 'this': 0.021688142607684095, 'The': 0.017980178383349296}, {'be': 0.16000590843341622, 'was': 0.15025931234804127, 'he': 0.13283327442640339, 'and': 0.1209107694809696, 'been': 0.07952196044822081, 'had': 0.07108568859990805, 'were': 0.061980379586310204, 'have': 0.040332028307084634, 'is': 0.03922070145109973}, {'the': 0.1485390190899531, 'was': 0.10173620091797267, 'all': 0.09330513767245746, 'at': 0.07109812926449094, 'be': 0.07090329685086198, 'to': 0.07010470676206361, 'is': 0.06451910655110957, 'it': 0.06327329313928612, 'not': 0.05202756993807351}, {'one': 0.11954476117735655, 'out': 0.04964396635104412, 'part': 0.03105324658174719, 'some': 0.030301302344505635, 'that': 0.020835627634401308, 'all': 0.020385863726725365, 'and': 0.019192735565889924, 'members': 0.018845667357871708, 'side': 0.01857801040019701}, {'and': 0.11181559721379089, 'conferred': 0.06573945491045922, 'called': 0.06489255301697971, 'put': 0.06174946408325597, 'look': 0.0595282579609163, 'imposed': 0.05516652615474575, 'bestowed': 0.049205626874732185, 'depend': 0.048292272420904156, 'looked': 0.047387676481484786}, {'the': 0.14523419589678466, 'of': 0.0907424854443604, 'to': 0.07327813278193772, 'and': 0.058040383116035134, 'for': 0.05133139826543355, 'in': 0.04981420953282094, 'be': 0.038289851177777064, 'a': 0.025223189677234355, 'was': 0.025031413024979694}, {'the': 0.32291295128996755, 'to': 0.22255764796342906, 'not': 0.09400006384189372, 'and': 0.07316611582637941, 'The': 0.05499647235401103, 'will': 0.054828489757209574, 'would': 0.033719636041658375, 'may': 0.031949914487486686, 'of': 0.029058444974733977}, {'the': 0.22880072543655647, 'of': 0.14334797278002354, 'and': 0.08497032354413181, 'to': 0.06088785295419839, 'a': 0.05943071300571546, 'in': 0.030901224198682624, 'their': 0.027860198285241534, 'his': 0.024234609627448146, 'be': 0.021316903012699184}, {'the': 0.2626743193223134, 'and': 0.17552330855924309, 'of': 0.08594279061800572, 'two': 0.06549477027022886, 'these': 0.05376307154222184, 'for': 0.03710519002872212, 'all': 0.032185341192774435, 'as': 0.030975992090346377, 'a': 0.028942279681332582}, {'the': 0.22834327205068242, 'of': 0.1239320610937626, 'and': 0.08971296411835672, 'to': 0.06904748129729005, 'a': 0.045334692660508595, 'his': 0.03856663385598795, 'their': 0.03856147679546265, 'be': 0.03802035505045554, 'in': 0.037035741084468166}, {'I': 0.15742852032066573, 'who': 0.09864604874242351, 'they': 0.09646093030864202, 'to': 0.08873498552831792, 'would': 0.08131152559090306, 'we': 0.06840969391214961, 'which': 0.06617502665215462, 'and': 0.057575193869490685, 'you': 0.03029968638767859}, {'a': 0.18554122228766268, 'as': 0.12574069296797075, 'the': 0.09284373386011976, 'is': 0.0739453525115879, 'and': 0.054478028693985936, 'very': 0.05182421263725387, 'are': 0.04380736537991611, 'pretty': 0.040883635030593724, 'was': 0.04015192823828228}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.6077852067583905, 'Court': 0.11662302191853756, 'The': 0.05494937723916486, 'tho': 0.02522481045752549, 'White': 0.024681023370235186, 'tbe': 0.013235784659927478, 'Opera': 0.012377497997345197, 'a': 0.009420448377457319, 'School': 0.007962897625655186}, {'the': 0.41405830784396, 'a': 0.2004001139687029, 'and': 0.0736425897983989, 'of': 0.042684730593363945, 'The': 0.041719356303599554, 'tho': 0.01471362990210179, 'in': 0.013773599246760498, 'any': 0.01300551628934556, 'or': 0.010562442396953104}, {'<s>': 0.08689135883502705, 'it.': 0.023225356594910037, '.': 0.017099101569171427, 'them.': 0.013725018753565533, 'him.': 0.010705699683119395, 'time.': 0.009538083286500403, 'day.': 0.007175077582888769, 'work.': 0.006540469259283331, 'her.': 0.006257998355997299}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'that': 0.2524288038459472, 'and': 0.22292053578164364, 'but': 0.07544509777827232, 'as': 0.06583910440454453, 'if': 0.05435705226439772, 'which': 0.03855577008157428, 'If': 0.03481695456177362, 'where': 0.032482682700569525, 'But': 0.02812097677450717}, {'the': 0.6568067868633305, 'The': 0.13550443993252637, 'tho': 0.04465400305380953, 'a': 0.02946840009412441, 'First': 0.014987215010914993, 'tbe': 0.014917957951654398, 'A': 0.010005556022131497, 'of': 0.009477285409146115, 'our': 0.008081912990668367}, {'of': 0.11785529026658935, 'and': 0.11586877154350345, 'in': 0.05739244689627157, 'to': 0.050607477297486644, 'fact': 0.03889347275782053, 'said': 0.03289904969041613, 'on': 0.02952954435335196, 'all': 0.024539624180535385, 'is': 0.022298709960555663}, {'and': 0.13039651980434747, 'has': 0.10792836949540849, 'be': 0.09195520148600327, 'have': 0.08959233867775394, 'he': 0.08437994484353757, 'had': 0.0679284234261787, 'was': 0.05217054932140943, 'I': 0.048109307190336376, 'is': 0.038308351104233106}, {'of': 0.42398237283739737, 'to': 0.1267620151043505, 'on': 0.11626776610457046, 'in': 0.10507818578126435, 'from': 0.044969425072628605, 'by': 0.04307485721891466, 'at': 0.031776046694335335, 'along': 0.02858905319983475, 'with': 0.02500167157771811}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'of': 0.23167151693536786, 'in': 0.1253111782576218, 'to': 0.08697854961978392, 'and': 0.08059605550267958, 'for': 0.07634846535087836, 'that': 0.05500378439403642, 'with': 0.05272537774977351, 'from': 0.04382051857692135, 'at': 0.04222840300519771}, {'one': 0.12897392021378185, 'out': 0.07664784689118985, 'part': 0.06409373140028574, 'some': 0.05584305533119319, 'time': 0.03914926290286854, 'account': 0.035845171248451206, 'all': 0.032057463924492914, 'and': 0.027873419781873014, 'that': 0.02728087135118937}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'time': 0.15496384843448444, 'out': 0.016481048900151618, 'in': 0.014393255673524508, 'it': 0.01393973543454572, 'up': 0.01283465210042475, 'work': 0.012105626533203592, 'good': 0.011716347080298927, 'principal': 0.011573442483545315, 'law': 0.011140091406948206}, {'of': 0.17634043243354008, 'the': 0.10027595716320827, 'and': 0.08013567961347191, 'a': 0.07554284613390241, 'to': 0.06712947219085971, 'in': 0.05307136423855122, 'was': 0.029363470350612816, 'with': 0.028132424339619495, 'is': 0.028105455117893318}, {'it': 0.17271748135885118, 'It': 0.1634701665927948, 'This': 0.114649717168125, 'which': 0.07060569815304507, 'that': 0.06206066835803908, 'this': 0.05595527987103594, 'and': 0.040139838520179334, 'there': 0.03647213271263341, 'he': 0.02983275606289565}, {'the': 0.222819537384219, 'and': 0.09126437104854727, 'a': 0.07733808764662964, 'of': 0.07058762149541115, 'to': 0.03675016789752586, 'The': 0.029412487539061085, 'in': 0.02694992817765032, 'tho': 0.018655837923327343, 'Mr.': 0.01858225381716556}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'and': 0.1866461331079032, 'be': 0.042564226764159004, 'is': 0.04091068818351875, 'or': 0.03533193751160096, 'but': 0.033801841851673904, 'it': 0.0333008565310761, 'was': 0.026419360622423164, 'done': 0.025724481061768185, 'do': 0.02353897228559944}, {'is': 0.16522002947940517, 'was': 0.12274232148782496, 'are': 0.10399428347138716, 'did': 0.10024066720241814, 'do': 0.09149032470347483, 'could': 0.07352671577333592, 'and': 0.06439575477453618, 'does': 0.06167423930861674, 'will': 0.06155265911893676}, {'of': 0.12738635107258625, 'the': 0.05725074709544061, 'and': 0.045080065584352805, '.': 0.04365512130348884, '<s>': 0.02624153000303853, 'by': 0.025484885565015162, 'Mrs.': 0.022973735766183966, 'Miss': 0.02240499004984628, 'at': 0.02183137734788465}, {'the': 0.4729611372339865, 'of': 0.17383299835846378, 'The': 0.1452078062286989, 'a': 0.04830175248985789, 'and': 0.03504953075578683, 'tho': 0.032860815790147296, 'that': 0.012806377136993969, 'no': 0.012466352050106974, 'this': 0.01018759711443755}, {'person': 0.08492169953153965, 'and': 0.07427829512476412, 'one': 0.04274664121667179, 'man': 0.03145353074773888, 'her': 0.03086026640427107, 'those': 0.02841992190536292, 'him': 0.022877934880252408, 'me': 0.020346357148859517, 'men': 0.019707552719234453}, {'to': 0.664289314890398, 'will': 0.0637598227215415, 'and': 0.06060473288948114, 'shall': 0.02662649766375209, 'would': 0.021861956335774712, 'may': 0.02098791367586119, 'not': 0.01931106715294625, 'can': 0.019220762599339917, 'could': 0.01880794196360101}, {'and': 0.07150138066462865, 'them': 0.054442187388541806, 'wait': 0.05404997804022255, 'there': 0.04285419125780121, 'it': 0.027959525990004785, 'time': 0.0245422021959591, 'him': 0.024187541165113447, 'that': 0.01852653714032876, 'not': 0.017490581638039574}, {'a': 0.208699210847615, 'the': 0.15603763341222743, 'of': 0.04616251456082265, 'and': 0.04569606385717716, 'at': 0.030412482812750944, 'to': 0.030036490853800675, 'for': 0.026853026929348177, 'any': 0.026059171677685886, 'that': 0.025980695435682093}, {'the': 0.10317739605594443, 'and': 0.08826911661615462, 'of': 0.07108760307748596, 'a': 0.06082884985915043, 'to': 0.05596246866397717, 'in': 0.03641581806776197, 'be': 0.03253425671431884, 'was': 0.03017875241848452, 'are': 0.027997932959025536}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.24394338339705543, 'and': 0.12731697458620336, 'in': 0.08318293574108791, 'that': 0.08226046507166779, 'to': 0.08065727055029126, 'for': 0.06009858869043823, 'with': 0.05858433704867082, 'all': 0.045381088781979245, 'by': 0.04435401823877802}, {'of': 0.2812232663691342, 'to': 0.1728272009159453, 'and': 0.10481089382201833, 'in': 0.08522658399363901, 'with': 0.0756898555399631, 'for': 0.04462840306960253, 'that': 0.04256552550406336, 'on': 0.03972168251138658, 'by': 0.03722346944778223}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'hundred': 0.1544832343032791, 'two': 0.10173217179408518, 'one': 0.030569563836420382, 'three': 0.013436985711221247, 'feet': 0.008855758683350185, 'wife': 0.008117275806303045, 'dred': 0.0076164039961656126, 'four': 0.007428633649696515, 'and': 0.007340981509681278}, {'to': 0.44099240469484013, 'of': 0.1568101943335035, 'in': 0.07910745021999799, 'at': 0.060371539657768994, 'for': 0.04799891463547972, 'with': 0.04282558465184431, 'by': 0.04008144105198298, 'and': 0.027636080872983065, 'from': 0.025602349941232734}, {'get': 0.07173213841506879, 'was': 0.06759495288640666, 'and': 0.06561624249602109, 'him': 0.05191804352667103, 'it': 0.050055576730890734, 'them': 0.04759245041696305, 'are': 0.04655608701837469, 'go': 0.04289741385980777, 'come': 0.040389983849953646}, {'that': 0.22536193259440396, 'which': 0.13336561583559148, 'and': 0.11538735521219227, 'when': 0.11489072928646746, 'as': 0.07449438497112965, 'if': 0.06053146667882961, 'where': 0.04520651094299302, 'but': 0.04064819969485263, 'what': 0.03353741187784708}, {'an': 0.5814453247085039, 'the': 0.1804224311605833, 'no': 0.03732183591149846, 'and': 0.034341078929117745, 'this': 0.03259582030249025, 'his': 0.021758408416192056, 'An': 0.01981038577310213, 'The': 0.018676241254705, 'of': 0.01635980653521787}, {'the': 0.639592827001701, 'a': 0.1083653792620545, 'The': 0.07822667432493588, 'an': 0.057894089940558995, 'tho': 0.05078249275981562, 'tbe': 0.012990928372560308, 'our': 0.0115449064298408, 'this': 0.010395134910664796, 'A': 0.007387514808600128}, {'more': 0.06659100066537968, 'one': 0.03828537543683923, 'day': 0.03756884312793166, 'person': 0.03323619185214575, 'action': 0.02424463697409572, 'law': 0.02422250835690651, 'right': 0.022546293446566845, 'interest': 0.02211500118488411, 'vein': 0.02130521991885406}, {'the': 0.1958067070989189, 'of': 0.13978625304153572, 'a': 0.09757321221106437, 'to': 0.07755346515776343, 'and': 0.04484302636733177, 'in': 0.0392351048114935, 'The': 0.02739051725299127, 'that': 0.02189557606651007, 'for': 0.01541546542957014}, {'the': 0.14188505723660197, 'and': 0.09262317450618116, 'of': 0.0738864041509582, 'be': 0.0621607495817144, 'to': 0.06115189078168849, 'a': 0.05076893696612521, 'in': 0.025833231793956368, 'or': 0.023091654563042, 'is': 0.021885878814445335}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'the': 0.12549707217542128, 'and': 0.11225419212339671, 'of': 0.08841320806265265, 'a': 0.04013430066502551, 'I': 0.03517771924052606, 'be': 0.030911708556635872, 'that': 0.030387411508702666, 'was': 0.029870751960781483, 'he': 0.02913254671195728}, {'the': 0.19568284968871735, '1st': 0.10948908718001303, 'first': 0.09067734761662177, 'a': 0.07520615955367728, '25th': 0.0582887423427975, '7th': 0.0496427230524875, '10th': 0.04726760738015849, '12th': 0.04687637514329761, '21st': 0.04424288719077973}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'to': 0.25898364497917603, 'would': 0.17334165362629692, 'will': 0.09998576765794435, 'I': 0.08081769071884595, 'who': 0.06817498237486942, 'they': 0.066462106755239, 'we': 0.06614462274360997, 'not': 0.04998565074654315, 'and': 0.04888588504092096}, {'the': 0.24402596928555864, 'of': 0.1381177473467329, 'a': 0.0947361843486959, 'and': 0.08557448140598434, 'to': 0.05232452174336246, 'an': 0.045309313788760415, 'by': 0.03961355265661617, 'be': 0.030520382908859518, 'his': 0.028721663645178582}, {'so': 0.34674810575891823, 'as': 0.19800624685774967, 'too': 0.10805029469655864, 'very': 0.10176642819698611, 'how': 0.05649443090904189, 'is': 0.03232734857102567, 'be': 0.030676674807768242, 'and': 0.02506811849047973, 'not': 0.02059249677069447}, {'and': 0.18901147346390662, 'fact': 0.07764190615306393, 'say': 0.07756939482737468, 'know': 0.06532184421339586, 'believe': 0.047890493504993234, 'said': 0.04653393369076839, 'all': 0.03793025682436461, 'so': 0.037078394698264405, 'think': 0.03345804521747729}, {'in': 0.026120437381743616, ';': 0.02271871123640712, 'Under': 0.022035149492526808, 'given,': 0.0121365945840134, 'him,': 0.009154881349412305, 'them,': 0.008879055812687572, ',': 0.008847383333875922, 'up': 0.008638515406511393, 'thereof,': 0.008569798813725061}, {'one': 0.05656786395588621, 'some': 0.02911740157903044, 'all': 0.024471656604829577, 'part': 0.02216813671374336, 'that': 0.021562792566207956, 'any': 0.02000505273386711, 'portion': 0.01973994758943573, 'out': 0.018441311281891998, 'many': 0.01576938340392381}, {'to': 0.2958321841946887, 'will': 0.24357441177103314, 'may': 0.09347725504924108, 'would': 0.08081054862920961, 'shall': 0.06739975209464433, 'should': 0.05664260785823408, 'must': 0.04222667949870864, 'not': 0.03961754720947837, 'can': 0.034579820167471874}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.19825771647483842, 'of': 0.18140613337106756, 'in': 0.0734836475718217, 'to': 0.0453619848719405, 'and': 0.04220688613992932, 'by': 0.028041454996527375, 'said': 0.026297114791018237, 'on': 0.025769946330690144, 'a': 0.024344993738078493}, {'he': 0.21591012832799605, 'it': 0.10850661827361764, 'It': 0.09986878627088067, 'He': 0.08923318380504514, 'I': 0.08179952357779897, 'who': 0.07786787507623394, 'she': 0.07002009218195844, 'that': 0.04814625439075545, 'which': 0.046457450312479415}, {'is': 0.511621060528319, 'are': 0.20983247877201558, 'was': 0.0614484583556466, 'Is': 0.056972354146253706, 'and': 0.02831268534581402, 'la': 0.008451498082275499, 'were': 0.0077309334090704795, 'it': 0.007545716764107062, 'arc': 0.006194967542651172}, {'of': 0.2975662237204569, 'to': 0.14192510034941563, 'in': 0.11013012156221283, 'by': 0.07436645957128568, 'for': 0.07343296233827361, 'with': 0.05871730066064009, 'and': 0.055628668108948835, 'that': 0.05030937581977703, 'from': 0.03874598803107068}, {'in': 0.17652760917965993, 'for': 0.151354009910558, 'of': 0.1446225411626746, 'within': 0.07676218447632911, 'and': 0.06717596279132201, 'only': 0.06128473435121691, 'In': 0.05570803182784873, 'with': 0.046693183934266455, 'is': 0.03963400043812576}, {'and': 0.13179834934769732, 'of': 0.08127296039723815, 'to': 0.07658955437400694, 'the': 0.037831892318808145, 'thence': 0.028685613137982017, 'at': 0.0256560611224545, '.': 0.023910202454128542, 'a': 0.01773982034981902, '1': 0.015351495200019315}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'it': 0.14831106736332803, 'It': 0.1194720228097229, 'This': 0.09412409419307906, 'which': 0.09175239949531344, 'there': 0.08110466863030548, 'that': 0.07238165461615548, 'Nor': 0.05567505738271552, 'and': 0.048342931976043335, 'what': 0.044677408791299174}, {'of': 0.17695257871832007, 'in': 0.13183387042357575, 'to': 0.1182751199582129, 'as': 0.07994220153738618, 'at': 0.07460752679549429, 'with': 0.07003072361563246, 'and': 0.06521468128612185, 'such': 0.06010481275109728, 'for': 0.056749093356948443}, {'covered': 0.0843639503397384, 'filled': 0.07151353560146242, 'and': 0.07018076971765581, 'him': 0.03213894362927102, 'together': 0.03180877678049314, 'up': 0.030196515924640493, 'loaded': 0.02726687056119469, 'parallel': 0.024395928154150412, 'charged': 0.02413703821804915}, {'of': 0.21791585584482548, 'the': 0.1457108202458923, 'and': 0.12288924014402258, 'about': 0.10125205154061928, 'than': 0.0800672552301708, 'or': 0.061907734280653964, 'for': 0.05439182136473767, 'in': 0.03771220032709654, 'over': 0.03605371808496156}, {'and': 0.10858929003350043, 'that': 0.10197189637738394, 'as': 0.06720065000034108, 'of': 0.06716423871261154, 'to': 0.048973085804781435, 'make': 0.04490872885872053, 'which': 0.04270294889136098, 'but': 0.03533274691040666, 'if': 0.03210967177713058}, {'rate': 0.26143628581741085, 'sum': 0.15931008701299604, 'period': 0.060799362490933526, 'upwards': 0.04929514109851289, 'depth': 0.04910706593139776, 'distance': 0.04072329387476437, 'number': 0.02088728266410077, 'one': 0.020051058704779252, 'expiration': 0.019470425191808586}, {'and': 0.1044314403526523, 'passed': 0.09049181843749791, 'passing': 0.06785891730155766, 'way': 0.05258408296164181, 'went': 0.03918796821248497, 'it': 0.038574205263821514, 'go': 0.03814947882796649, 'all': 0.03621984892363139, 'pass': 0.035099304445520924}, {'of': 0.2510714997297328, 'in': 0.14179072960868527, 'to': 0.11018266342477848, 'for': 0.08396667602304762, 'on': 0.08245432344400504, 'at': 0.07977429452082355, 'from': 0.05612101986476296, 'and': 0.048414570702772934, 'In': 0.045413319507029724}, {'and': 0.12126025197681278, 'a': 0.11547127866710538, 'to': 0.1038231239430148, 'the': 0.09771573138279556, 'I': 0.06272871481977359, 'for': 0.04849715012156097, 'of': 0.04760979583187413, 'be': 0.04726285801806908, 'he': 0.04515684033198496}, {'for': 0.46535471540815987, 'of': 0.12322140278680661, 'to': 0.11472541039493571, 'in': 0.09544980838502083, 'and': 0.02896046453216388, 'with': 0.027476039537570905, 'at': 0.0258522023185382, 'In': 0.02528812206537134, 'that': 0.020030786877082585}, {'the': 0.19010731373903408, 'of': 0.17197245927784077, 'his': 0.13140016622682685, 'this': 0.09868795964327638, 'my': 0.08027760969601784, 'said': 0.05784035315167264, 'her': 0.044259794822337065, 'their': 0.040264939606758324, 'in': 0.03998324319668821}, {'the': 0.41800955241302823, 'The': 0.09720735727426286, 'of': 0.0729014467909278, 'and': 0.05638169440208091, 'that': 0.05464081169423831, 'these': 0.04258058874792169, 'our': 0.03949719573703206, 'other': 0.02886442470290583, 'as': 0.02808009083441287}, {'the': 0.2651637489727992, 'and': 0.13666616526620004, 'of': 0.08429638600888816, 'a': 0.07946204128511809, 'this': 0.06534515588816127, 'to': 0.04900301803059487, 'their': 0.04729358375417181, 'all': 0.04274184851400646, 'that': 0.03905043463831488}, {'the': 0.3826342595143239, 'this': 0.09082489143354161, 'The': 0.08829269111856668, 'that': 0.0702292364127055, 'of': 0.06527079625083729, 'his': 0.0458992855061617, 'a': 0.034327134817302374, 'tho': 0.03162960314430553, 'This': 0.023779014158085796}, {'and': 0.10997600675329194, 'the': 0.06940248929278851, 'to': 0.06881697783190825, 'of': 0.058465457357604035, 'in': 0.033660739758257674, 'he': 0.023657665410406314, 'that': 0.02323228867437793, 'or': 0.022706864375029782, 're-': 0.021999319555999906}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'a': 0.3547489971845798, 'the': 0.20088382810630934, 'to': 0.10434774934005586, 'of': 0.09012859767470978, 'and': 0.07462880579578215, 'his': 0.05473248848560623, 'our': 0.023669418644170524, 'in': 0.022505802623964982, 'my': 0.02136027026383425}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.7872152253217062, 'a': 0.06907091008623166, 'The': 0.037074131118436895, 'tho': 0.03413404052113748, 'tbe': 0.014069327047612734, 'and': 0.01176171991102074, 'this': 0.005913053507526484, 'his': 0.0043447873439896945, 'whole': 0.0030301535882270034}, {'with': 0.12994767911138888, 'of': 0.12611558035580128, 'in': 0.11337648662443643, 'to': 0.11181750665357079, 'is': 0.10692534902643526, 'was': 0.08938450696843235, 'for': 0.06792296521895823, 'and': 0.059698344351202734, 'as': 0.05901055854463285}, {'and': 0.14043232154998672, 'of': 0.07952855968747878, 'or': 0.04331856501123404, 'I': 0.035508986661544735, 'all': 0.02857425324846585, 'from': 0.028251472911523485, 'was': 0.024750606614541242, 'be': 0.023062233222313436, 'is': 0.022949083856167344}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.5477099984258781, 'and': 0.07552509505375164, 'The': 0.06656012661841665, 'a': 0.06414729700973809, 'tho': 0.02836852226872493, 'tbe': 0.01371127369601464, 'most': 0.012791153529333365, 'in': 0.011157089580673773, 'all': 0.009385305264585713}, {'of': 0.10060251521785205, 'in': 0.08119703821290068, 'to': 0.05655362316099964, 'on': 0.054373689891269186, 'and': 0.029383792375273065, 'with': 0.026604422319475473, 'upon': 0.023365916643522045, 'for': 0.01952067273542308, 'from': 0.019288594182851716}, {'in': 0.3484755958676307, 'on': 0.15103068921951118, 'of': 0.10328212689543412, 'In': 0.08441898654790378, 'to': 0.06072257167693465, 'and': 0.05509232722343072, 'all': 0.04051683232535019, 'with': 0.03491536351417862, 'that': 0.02870971020279707}, {'and': 0.1359565554248883, 'of': 0.12046828583261161, 'to': 0.08835997612314556, 'the': 0.05029463323507209, 'in': 0.0405411880073716, 'with': 0.03952587211874631, 'on': 0.02826946715939211, 'from': 0.02307594807335876, 'as': 0.022447752722191988}, {'that': 0.23911695039699787, 'and': 0.12410883405618217, 'when': 0.10775166332438683, 'which': 0.0877907239326988, 'as': 0.0468088435912298, 'if': 0.04618879743197405, 'where': 0.04440373184317884, 'to': 0.0401623716942035, 'but': 0.03826579658103873}, {'Miss': 0.2581832723047803, 'and': 0.1513925477122385, 'of': 0.04489328443767977, 'Mrs.': 0.038157922075829145, 'said': 0.03398521292783564, 'the': 0.030169764711972993, 'by': 0.019018224999805256, 'Misses': 0.012676963829189402, '.': 0.009079817103694113}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'and': 0.04664830966271215, 'as': 0.04511914684068829, 'is': 0.024292334388866462, 'it': 0.023910516430066187, 'up': 0.022452455472010614, 'him': 0.020741400981745955, 'feet': 0.019818578527845777, 'right': 0.01886364347241931, 'went': 0.018425608525845977}, {'a': 0.4061729678472885, 'the': 0.20934812005724615, 'of': 0.04458827954602228, 'his': 0.03989835003400851, 'and': 0.03741319751057047, 'very': 0.024547899110217562, 'two': 0.022525968077413954, 'an': 0.020961708287427466, 'three': 0.020321328931617658}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'and': 0.10651533606229047, 'was': 0.05209852231857129, 'is': 0.032316098530124605, 'found': 0.02667732198124277, 'made': 0.02617065154355774, 'are': 0.02335552208239509, 'that': 0.02127835766991061, 'but': 0.02077448921197618, 'up': 0.02032097017479097}, {'the': 0.2154018903892974, 'of': 0.10589120555509639, 'to': 0.057658336435341816, 'a': 0.04252304689478331, 'on': 0.038481127885816, 'in': 0.03335724768612556, 'and': 0.023699351304040276, 'from': 0.01808076822389877, '<s>': 0.015969427398409595}, {'this': 0.11514455904023807, 'other': 0.10713961244460728, 'the': 0.09476260945523658, 'of': 0.049910773487154975, 'all': 0.04629884090658128, 'public': 0.0447469835414301, 'same': 0.04146105006578243, 'their': 0.040232708336364505, 'one': 0.039225549018590766}, {'and': 0.055407363200894545, 'miles': 0.052394341509422446, 'far': 0.038269640794555644, 'free': 0.032957455327004614, 'or': 0.0255118615313454, 'away': 0.024087987216308, 'taken': 0.021803283319540217, 'it': 0.02054003201557058, 'him': 0.02017324049837625}, {'to': 0.604615391416454, 'will': 0.09891998872512243, 'not': 0.04775977407944876, 'and': 0.03803436910879691, 'would': 0.037373107495169644, 'they': 0.021502407056093086, 'I': 0.021240210058057103, 'may': 0.019640381754387145, 'shall': 0.01930100164901833}, {'the': 0.2780909364239482, 'of': 0.18040194985480437, 'a': 0.12118730330502435, 'and': 0.07277284664375114, 'their': 0.03707207957479515, 'his': 0.03181204354532202, 'to': 0.025340215075584958, 'with': 0.02487432662778026, 'in': 0.0214020242555233}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'or': 0.19032195248363287, 'the': 0.151364499453289, 'of': 0.11789542429448964, 'and': 0.11505556828685723, 'in': 0.06500785683471373, 'for': 0.05197367343050764, 'to': 0.0354386480726238, 'about': 0.0289434132080863, 'by': 0.027931244574113025}, {'and': 0.07111456140943417, 'demand': 0.0256852383653999, 'ready': 0.02126273132343757, 'used': 0.020447301910245644, 'time': 0.018506303219785913, 'not': 0.01420080865740985, 'vote': 0.014177945812533595, 'it': 0.01407779232818357, 'candidate': 0.01328644507450521}, {'a': 0.31955420309774163, 'the': 0.15423868049384942, 'of': 0.07532764225929452, 'and': 0.06520744141978259, 'to': 0.06509662272015647, 'for': 0.055463924738185934, 'in': 0.03150229787969191, 'two': 0.02169447368547339, 'with': 0.021237524974368472}, {'the': 0.19302054862197388, 'and': 0.08670570681035618, 'of': 0.07904322319390134, 'a': 0.06511592556354491, 'The': 0.04215280931850594, 'Mr.': 0.03898193639172556, 'he': 0.026262073180085475, 'that': 0.0245242806438238, 'I': 0.02305671558545177}, {'of': 0.35917814168939305, 'for': 0.10062623849257632, 'to': 0.07940497816379645, 'in': 0.0755725559917555, 'and': 0.07310358817783073, 'by': 0.06229179971349276, 'with': 0.05300005328753218, 'that': 0.04941184652507847, 'from': 0.032362678813220046}, {'and': 0.1521228570177448, 'that': 0.12018686651697255, 'as': 0.09487509110657169, 'which': 0.07549328916672783, 'when': 0.04320522329265642, 'but': 0.03548459506820819, 'what': 0.029783457731736976, 'if': 0.02509563710301308, 'where': 0.016240092397836036}, {'the': 0.1405367674172748, 'and': 0.1042699211484899, 'of': 0.09097077520100134, 'to': 0.07295803892158022, 'or': 0.027894713624939206, 'for': 0.01978956594016544, 'that': 0.019576307656174914, 'as': 0.01671272835892591, 'which': 0.016023254754888003}, {'the': 0.3957502227063545, 'of': 0.08849998795962441, 'this': 0.06845732364557157, 'The': 0.06074673582597445, 'his': 0.04971594248901298, 'their': 0.047306511233646924, 'that': 0.03750242482011806, 'and': 0.03670404158350687, 'no': 0.03439620347290837}, {'the': 0.3558668991759551, 'a': 0.28556252127152915, 'of': 0.06666237638539083, 'to': 0.05811908428193982, 'no': 0.05215225794890928, 'any': 0.03635761281955155, 'The': 0.02921251643691367, 'tho': 0.022451963603394527, 'his': 0.019954248578029327}, {'the': 0.612469742324634, 'of': 0.09783980638474724, 'a': 0.0867953860888913, 'in': 0.028048951635695183, 'tho': 0.027587982660112205, 'The': 0.027270960372852954, 'this': 0.025297901145087072, 'his': 0.015410430060782989, 'our': 0.014047268286866879}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'the': 0.6152363951174638, 'The': 0.08504919122174152, 'of': 0.06892229614389948, 'and': 0.04208278524349046, 'tho': 0.02842737853367453, 'to': 0.021779777231261274, 'in': 0.02168675215050704, 'a': 0.016023041264096153, 'by': 0.014385347161312642}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.1916957292305692, 'that': 0.18269050164522704, 'as': 0.12959164739371326, 'which': 0.08297980110656102, 'when': 0.06139219713329486, 'but': 0.06095417355996148, 'if': 0.04851873931308234, 'what': 0.035117535409140095, 'If': 0.024146860290428528}, {'and': 0.2762453923314612, 'days': 0.10588858069921796, 'that': 0.053150085852106316, 'and,': 0.047959783446213045, 'one': 0.04194470419469054, 'until': 0.03962473808418077, 'soon': 0.038002878049294316, 'year': 0.03750135207915981, 'shortly': 0.03247810633327864}, {'boy.': 0.3812971977291165, 'girl.': 0.37122276664330023, 'of': 0.04813739520721657, 'Mr.': 0.02335010163743067, 'and': 0.014972179092573043, 'the': 0.012884283074295158, 'Mrs.': 0.009809965576766722, 'to': 0.00869996932216273, 'by': 0.006192825162355638}, {'the': 0.18257909732055366, 'of': 0.0723436808306455, 'and': 0.07029395780479795, 'Mr.': 0.06693728264200063, 'a': 0.045851820806669365, 'The': 0.03534082316779653, 'was': 0.022870863686338914, 'to': 0.01887025370467491, 'in': 0.017844440168659475}, {'Miss': 0.15379052417464342, 'and': 0.13548181112241836, 'of': 0.12706535996794818, 'Mr.': 0.06833704740916521, 'D.': 0.041464431455755624, 'Mrs.': 0.034580114316518175, 'the': 0.026152648394912787, 'with': 0.02562605484611191, 'said': 0.024145472863729856}, {'of': 0.4387790683652477, 'to': 0.12184134712865957, 'in': 0.1156040789403205, 'on': 0.07563375676772513, 'from': 0.060906110076036565, 'by': 0.04746145714006106, 'that': 0.0231510576800314, 'In': 0.0200512700113276, 'and': 0.01939875789967349}, {'the': 0.5632602177993842, 'a': 0.2632579022583402, 'The': 0.035311836494644415, 'tho': 0.028723762586555693, 'and': 0.015593778217602263, 'this': 0.01242036332112103, 'his': 0.0123182601136219, 'large': 0.008784212700831873, 'tbe': 0.00838081979561208}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'to': 0.28199920459202266, 'of': 0.1600053653377559, 'with': 0.12262852593004851, 'for': 0.0659397929627213, 'upon': 0.06123176628096355, 'and': 0.05629318468038456, 'among': 0.034730623818588754, 'by': 0.03380033064797063, 'from': 0.03320841230370156}, {'of': 0.1430608673829606, 'and': 0.13867661836573544, 'with': 0.0923321985115368, 'as': 0.08683474939985464, 'to': 0.0773019658162356, 'by': 0.07183720987229694, 'in': 0.07057641894332067, 'is': 0.06036735836708411, 'was': 0.05041851454775429}, {'two': 0.6544928944913466, 'three': 0.057207841703780335, 'one': 0.041955503261835655, 'Two': 0.034084920773569415, 'four': 0.027633850575723335, 'five': 0.01991495237664607, 'ten': 0.016132165986385064, 'six': 0.013359426232979494, 'more': 0.011982368796259333}, {'years,': 0.0117261720363564, 'time': 0.009262870397660614, 'in': 0.00890977411654615, ';': 0.008527344454505903, 'porous': 0.0073987788236147605, 'hundred': 0.006801710170412053, 'it,': 0.006718792241139122, 'States,': 0.006125726512157915, 'manner': 0.005877824362701369}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.2582423434260127, 'to': 0.12488070192178605, 'in': 0.11369080092017236, 'on': 0.0871388007007546, 'and': 0.06932774161153034, 'for': 0.0678356925391333, 'with': 0.05908899502919864, 'by': 0.0586664251158545, 'that': 0.045599629160642134}, {'away': 0.0734556598356957, 'and': 0.07322362921865976, 'them': 0.044642595952958296, 'taken': 0.043532681599859666, 'him': 0.04136507632162788, 'free': 0.03803878859998649, 'come': 0.031957908382214475, 'out': 0.03158146208436075, 'in': 0.029371720013890972}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'a': 0.3879747136413267, 'in': 0.09979035074316252, 'of': 0.09337955928256124, 'and': 0.07554650966183686, 'the': 0.05966723590622082, 'to': 0.05304855626741161, 'with': 0.05278369552626918, 'most': 0.036290607770323065, 'is': 0.02439526722458977}, {'the': 0.3535818750866407, 'such': 0.15270992063704775, 'a': 0.12227644672362202, 'his': 0.08075258722786124, 'as': 0.06367586331669506, 'this': 0.05466301449788203, 'same': 0.03381319780342448, 'The': 0.03357702927367935, 'my': 0.02605591829485917}, {'a': 0.28367334022774915, 'the': 0.27900435137836904, 'and': 0.11928649707288924, 'of': 0.05261435604643194, 'The': 0.043646122668730705, 'our': 0.0421474688146924, 'his': 0.03822003845929078, 'their': 0.03571616332020571, 'its': 0.03116659324376063}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.1611346117788647, 'of': 0.11154896002490139, 'and': 0.07001840155659686, 'to': 0.04022366194380084, 'a': 0.03137139793096371, 'in': 0.029169185905837242, '.': 0.02385406404703452, 'at': 0.018790540691744705, 'by': 0.016148520673162817}, {'the': 0.15887293009254722, 'of': 0.09531862518082686, 'and': 0.09056112521371108, 'to': 0.056840679962186266, 'a': 0.05062929194793703, 'in': 0.030301828775250242, 'at': 0.0259192828150576, 'or': 0.019826187900109468, 'The': 0.014887185903073273}, {'to': 0.15115796964829817, 'of': 0.14419320098271898, 'with': 0.13802491377425066, 'is': 0.10337647717765663, 'in': 0.08901153133766518, 'as': 0.0660406952826456, 'for': 0.06526935464438882, 'was': 0.06320110327999214, 'and': 0.05204395324137055}, {'and': 0.11688733579682299, 'was': 0.06500890083756004, 'is': 0.046324142833373445, 'up': 0.030773113555138693, 'it': 0.02991201168220065, 'made': 0.02633708248672102, 'put': 0.02603131450301969, 'placed': 0.025678045752279336, 'that': 0.024799280543645462}, {'the': 0.32595268327478194, 'in': 0.16306764250931632, 'an': 0.07872115063552623, 'such': 0.05103847960813972, 'and': 0.04260203974559521, 'of': 0.03274619529544702, 'In': 0.028277792567665386, 'this': 0.02802512108609869, 'his': 0.027192479223059923}, {'the': 0.66121469247169, 'an': 0.08981164672969312, 'The': 0.04332026438980033, 'great': 0.03904980213077807, 'tho': 0.031186914850645554, 'large': 0.028431436300822035, 'and': 0.02550417882021613, 'some': 0.020696594978531397, 'vast': 0.016962128427036365}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'time': 0.019576048957346676, 'it,': 0.017070902785311128, 'up': 0.014116460645365907, 'man': 0.013334297486649606, 'them,': 0.012986913168440624, 'him': 0.0129509959106154, 'him,': 0.011749695858551826, ';': 0.01160557242986539, 'one': 0.010867257377331983}, {'the': 0.26852814839525907, 'a': 0.1290260307268578, 'of': 0.07125471266954252, 'to': 0.055419183662884806, 'and': 0.049405563184390634, 'in': 0.035079031331126026, 'his': 0.02519402317300381, 'The': 0.024550417438706295, 'an': 0.01936918787337471}, {'a': 0.371296201699727, 'his': 0.1644688274858443, 'her': 0.10436920446637936, 'my': 0.08398768247332344, 'the': 0.057306978142314856, 'old': 0.0241921457860245, 'your': 0.023766598264811856, 'A': 0.022573890429586657, 'their': 0.021440074918948757}, {'of': 0.2699508902019311, 'thence': 0.09355796817588374, 'said': 0.08589530747287057, 'and': 0.08023500280238847, 'in': 0.05544043611539822, 'a': 0.05370121834473318, 'the': 0.04110793773613048, 'certain': 0.03131212338895451, 'one': 0.029092515675441768}, {'to': 0.3700653467293244, 'for': 0.13020705358236498, 'with': 0.10885411847820513, 'of': 0.06523872702676747, 'told': 0.048819588801022225, 'upon': 0.03285384680696624, 'tell': 0.03139377772004844, 'at': 0.030969622192739344, 'asked': 0.02675302048623118}, {'of': 0.14219472251699455, 'to': 0.12091922043361938, 'as': 0.11319141222479324, 'with': 0.08356039927292025, 'that': 0.07234439265800167, 'by': 0.06876213556263051, 'and': 0.06615642998044194, 'is': 0.06051553116247376, 'in': 0.058046425147659085}, {'of': 0.3685275081481861, 'to': 0.11386063381081653, 'that': 0.10567396440242423, 'by': 0.08930427984772693, 'and': 0.08898362670025432, 'with': 0.04521040027363946, 'for': 0.03005187312183801, 'as': 0.02942787947807983, 'all': 0.027205769132614556}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'June': 0.0956249004445345, 'April': 0.0914550194639668, 'March': 0.08246988842719323, 'No.': 0.08112678841616303, 'and': 0.07744321091862702, 'July': 0.06621494175001837, 'May': 0.06491728711377069, 'January': 0.032393259040869156, '9,': 0.029933675614635648}, {'be': 0.30364735793158565, 'was': 0.2133273708256776, 'is': 0.10903497388335194, 'been': 0.07813104022904499, 'were': 0.07485704458657541, 'are': 0.06763194011373813, 'and': 0.03532265749898885, 'being': 0.029857574040594206, 'he': 0.02234943004594926}, {'and': 0.2551216272413892, 'or': 0.13603339444379506, 'not': 0.09175435906381899, 'that': 0.03832614358980904, 'to': 0.02831420014482966, 'but': 0.02640092647797231, 'is': 0.02141453536921552, 'of': 0.020292739199038706, 'was': 0.020274169483809005}, {'and': 0.21307697460728664, 'the': 0.08023966343922033, 'of': 0.03329897458787902, 'to': 0.02395642225651107, '.': 0.018467217316855255, 'is': 0.014101952856852984, 'was': 0.013529007704635151, 'be': 0.012051234568204616, 'Mr.': 0.011724984749636819}, {'of': 0.21539308086298845, 'to': 0.16334329805012202, 'in': 0.16103148503385487, 'and': 0.06449277640042193, 'for': 0.06364643840912831, 'from': 0.06220115723956005, 'at': 0.05436339976486056, 'on': 0.051338546461433224, 'that': 0.046622729818851745}, {'the': 0.19456830785983645, 'a': 0.08423896330354001, 'and': 0.061682718974024754, 'of': 0.055924442709664304, 'Mr.': 0.05564020037050352, 'The': 0.053115885917936353, 'was': 0.028694485683690072, 'his': 0.02275015751877295, 'is': 0.021368054683282168}, {'it': 0.1922602611198414, 'that': 0.13758557800711177, 'It': 0.08882760019432423, 'and': 0.0728292391277708, 'which': 0.04877359636889101, 'he': 0.031495292511556916, 'what': 0.025595059525635934, 'There': 0.024280770901070482, 'there': 0.021449044888200337}, {'the': 0.2257641477822218, 'of': 0.08988351937066871, 'and': 0.06915033229461312, 'to': 0.04185051619517716, 'a': 0.03911856254162133, 'in': 0.02840976309725067, 'by': 0.021661040971553174, 'on': 0.02103335169931054, 'at': 0.016754001367264168}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'it': 0.16187119773505745, 'I': 0.10367571938306176, 'he': 0.10192476469397482, 'It': 0.07780941791573763, 'we': 0.07663953266216934, 'that': 0.0675191241865464, 'they': 0.06139481683337646, 'and': 0.05963854114670435, 'which': 0.059565919841677514}, {'the': 0.18624671698473882, 'of': 0.07927740496676844, 'and': 0.07228240119861175, 'to': 0.04691065452051831, 'at': 0.03244008684606385, 'a': 0.0209491730750658, 'in': 0.0205814600567393, '.': 0.019082799332009497, 'his': 0.014582305417547552}, {'and': 0.09048468387928943, 'to': 0.07424292570218718, 'the': 0.06906181860487913, 'of': 0.06109402440190705, 'in': 0.05443171463053693, 'be': 0.05172899008525087, 'was': 0.05135363471140777, 'is': 0.04248264767646467, 'not': 0.025552192351117654}, {'they': 0.2544586231618727, 'we': 0.16491489040138363, 'who': 0.0986886705307159, 'I': 0.08016409998228123, 'to': 0.06993649016778877, 'We': 0.05839934769238091, 'They': 0.05326556096764707, 'you': 0.04473663132165577, 'will': 0.03052908623033056}, {'of': 0.143606569582753, 'to': 0.08946457595934464, 'the': 0.07670529699712439, 'in': 0.07070974367750232, 'and': 0.05808623585325328, 'for': 0.041045674342259995, 'a': 0.0379006348816675, 'that': 0.02674014089964865, 'be': 0.022773900907031408}, {'a': 0.28728483483737666, 'the': 0.20851009316018257, 'and': 0.10017330364672183, 'of': 0.0732660441096232, 'most': 0.045195038132088264, 'this': 0.03251051626635475, 'is': 0.026654198125231957, 'that': 0.025875644376025356, 'will': 0.025034059741715565}, {'the': 0.22874382926460432, 'of': 0.17067620586317894, 'and': 0.07724406192728918, 'for': 0.054319297894751616, 'by': 0.052635331830991096, 'to': 0.051218907038886784, 'The': 0.04528278805230327, 'a': 0.02725637792334042, 'in': 0.026749279431611563}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'it': 0.17007940299785784, 'he': 0.12457101167297326, 'It': 0.1208710945745919, 'I': 0.05790933619491701, 'He': 0.05522139320710876, 'which': 0.05290460173279903, 'and': 0.04434223886291937, 'who': 0.037704440131769885, 'there': 0.03469639420212714}, {'the': 0.2898441632970849, 'of': 0.1020135707055183, 'to': 0.05321257466193284, 'in': 0.05102157161921317, 'and': 0.041923639592035065, 'a': 0.030519010064581846, 'at': 0.026830214136895795, 'by': 0.023356723020828217, 'that': 0.01791082636790786}, {'the': 0.4162216569837921, 'of': 0.17673991880207016, 'and': 0.07593805745605145, 'by': 0.05193579503196917, 'The': 0.04224606931951208, 'an': 0.025450969111541214, 'that': 0.022271464340282238, 'in': 0.021013265949984223, 'tho': 0.020748677212455886}, {'the': 0.1507641069451186, 'of': 0.07675335097117256, 'to': 0.06979692604358281, 'and': 0.06642555234770701, 'in': 0.0293266361897291, 'that': 0.024826161234719764, 'as': 0.02126175443558021, 'on': 0.021161876568669313, 'by': 0.019132464740507563}, {'the': 0.27262678554691655, 'of': 0.08447289966579923, 'in': 0.048224227718978066, 'and': 0.04448386766466927, 'a': 0.03645804575917267, 'on': 0.034537576861777455, 'feet': 0.028521960239394947, 'to': 0.02821049046922815, 'that': 0.01871853392519162}, {'the': 0.08688689379393368, 'and': 0.08320860853247602, 'of': 0.07436089547526338, 'to': 0.03864718626131223, 'was': 0.028969069599428254, 'in': 0.0275913499397692, 'for': 0.022653084446767096, 'he': 0.021308785142084802, 'Mr.': 0.020252533231924736}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.23931454778424324, 'of': 0.12521566833174086, 'and': 0.08248639999637948, 'a': 0.07601883248984374, 'in': 0.022055941216950765, 'to': 0.019274090537492655, 'or': 0.017712219588990254, 'The': 0.017414931862003668, 'tho': 0.015369401914094733}, {'it': 0.18715128314433496, 'It': 0.1671557305016292, 'he': 0.09388522761785802, 'there': 0.07811312191338361, 'which': 0.06638544592972886, 'He': 0.05589940962625483, 'that': 0.0473027804000684, 'and': 0.04524492534535391, 'There': 0.03095225196378634}, {'we': 0.1481380988376462, 'they': 0.1340172715885438, 'you': 0.11196818519937232, 'it': 0.07750120457643356, 'who': 0.06699889734653625, 'he': 0.06692965916804404, 'which': 0.06015617080249863, 'I': 0.05423381340515554, 'that': 0.05038015045000043}, {'thence': 0.26169002558925963, 'bears': 0.04881584173540983, 'and': 0.03961150605563426, '.': 0.03464072121806744, 'thenco': 0.026328101192748345, 'the': 0.02224398030530612, 'Mrs.': 0.0193012043183912, '<s>': 0.01881488117870152, 'of': 0.01786989286128276}, {'the': 0.5657117687463152, 'The': 0.09759701652425794, 'and': 0.07050434801813378, 'his': 0.0494100848830522, 'of': 0.03828759275992244, 'a': 0.03752390147777117, 'tho': 0.029091219260979066, 'this': 0.019634335825731295, 'that': 0.01683778637803238}, {'the': 0.20329025083286872, 'a': 0.16758779428688686, 'of': 0.09419070509959869, 'and': 0.08741635259533165, 'his': 0.039367872383130206, 'in': 0.031766300864804496, 'as': 0.028295010305003684, 'that': 0.026542064669319625, 'public': 0.02600655013507461}, {'at': 0.3855478489128767, 'for': 0.20247070331380304, 'of': 0.05922961315919616, 'and': 0.0573329069821231, 'as': 0.05169113655744986, 'in': 0.04566886174001612, 'to': 0.033817955307171084, 'is': 0.03201479958156643, 'such': 0.031480259817775365}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.3811037443465103, 'to': 0.1305563263380289, 'in': 0.12240849168127219, 'on': 0.1031885530072937, 'by': 0.05003512577462604, 'from': 0.044055640982797566, 'for': 0.037695394907265554, 'at': 0.03285777109319901, 'and': 0.02554586802085131}, {'the': 0.6992049275807627, 'a': 0.055799854078481585, 'The': 0.05559477710040315, 'his': 0.03583189016642793, 'tho': 0.03286216406529415, 'their': 0.01505172725879333, 'tbe': 0.013436074803047338, 'of': 0.013287046657425779, 'my': 0.010877825373572726}, {'of': 0.1935948908481592, 'to': 0.14722744650021685, 'in': 0.1209972449799284, 'and': 0.09119042792217463, 'for': 0.0768407572310445, 'with': 0.07264889282868656, 'by': 0.060010635007940585, 'that': 0.0546149684170021, 'is': 0.042552109772521975}, {'the': 0.1807459143387181, 'and': 0.11348109852190758, 'of': 0.07079202987674219, 'to': 0.0563348490659849, 'a': 0.04925576555752162, 'I': 0.02791565409930096, 'as': 0.020817549927167844, 'that': 0.019590396020083695, 'in': 0.01780648285815177}, {'and': 0.1339698551298166, 'feet': 0.05914584154814794, 'was': 0.03685702717187836, 'lot': 0.03161020070008014, 'inches': 0.023706103263244654, 'is': 0.018788265169945237, 'that': 0.017863903950370894, 'recorded': 0.017294527750177584, 'are': 0.014819868911131958}, {'made': 0.10546001761158542, 'and': 0.10178586872064657, 'that': 0.0402843931708896, 'secured': 0.03584365903656707, 'or': 0.034530175248682154, 'ed': 0.019982727030190967, 'only': 0.019617117719960976, 'it': 0.019333470396779778, 'taken': 0.018686601699243598}, {'the': 0.1727873781630161, 'of': 0.16750130012480108, 'to': 0.04947746799451431, 'for': 0.04662435844313786, 'in': 0.04592687365204794, 'a': 0.04286576008366469, 'and': 0.042071292635729604, 'by': 0.03224625171784591, 'at': 0.020197946388389936}, {'and': 0.20885259508517132, 'so': 0.04533075807902319, 'is': 0.04229359076556221, 'of': 0.0391065526839259, 'was': 0.03782057614857967, 'fact': 0.025797289545582205, 'all': 0.024573232691387517, 'to': 0.024226799859953876, 'but': 0.02203840988878618}, {'they': 0.16715636275641022, 'who': 0.09944763175022961, 'we': 0.09109607331764052, 'which': 0.08782158743711964, 'there': 0.07623890797297972, 'that': 0.05350010556702585, 'They': 0.04542762103976526, 'and': 0.04383951556600439, 'We': 0.043757667832056896}, {'of': 0.3560637774609322, 'to': 0.2025793179981837, 'with': 0.06923545221935858, 'for': 0.06090458754741657, 'in': 0.05863981112208563, 'by': 0.05835390986335647, 'and': 0.05071850971220983, 'from': 0.02904875696236088, 'as': 0.026789922837103203}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'and': 0.1300739164700418, 'of': 0.11338306726571885, 'the': 0.10006967208798173, 'to': 0.04490182090285124, 'for': 0.038382640755554025, 'a': 0.037947900437765886, 'that': 0.03541380962215245, 'which': 0.034311969164870115, 'or': 0.03140982652006802}, {'they': 0.2109277188708143, 'we': 0.10426651363205555, 'who': 0.09883772244754409, 'there': 0.07339865496541359, 'They': 0.06894033146472268, 'you': 0.06295029990402076, 'We': 0.05322607377884514, 'There': 0.04403775744392755, 'and': 0.04294041887732119}, {'and': 0.08676950962208661, 'it': 0.03962583544935779, 'called': 0.02748783982102797, 'demand': 0.0272762421016066, 'paid': 0.027264156644751077, 'voted': 0.027189220380146636, 'him': 0.02641277859222558, 'time': 0.026081819470368754, 'necessary': 0.025574241768330067}, {'it': 0.12162310743619305, 'he': 0.11457282639502003, 'It': 0.09043600163644183, 'which': 0.07659263312622328, 'and': 0.07234974385269703, 'I': 0.0583537330901331, 'He': 0.04662554019540814, 'that': 0.03488261198809273, 'she': 0.026771137126202875}, {'it': 0.11423409005822825, 'and': 0.08472927875988531, 'they': 0.07672983185006364, 'which': 0.06381743068926678, 'he': 0.060637345516626556, 'It': 0.056479267862103506, 'that': 0.04909715056610808, 'you': 0.046172275722854386, 'I': 0.03957573077470385}, {'the': 0.649906184662973, 'a': 0.04655417260353132, 'The': 0.041084240751478804, 'tho': 0.03637411703410132, 'and': 0.03243302336471063, 'any': 0.022938509649442936, 'all': 0.022477110355185785, 'or': 0.0172297189372932, 'tbe': 0.015667696402124086}, {'of': 0.09825390434438497, 'the': 0.09098418013882137, 'and': 0.07794623491344993, 'to': 0.0534957146415912, 'be': 0.046929961189797025, 'in': 0.03133437670650079, 'or': 0.028248261083669284, 'for': 0.024019135207191417, 're-': 0.02305439953768153}, {'of': 0.20468229825582726, 'the': 0.18336963741281373, 'and': 0.09679353568753041, 'his': 0.09417908768610453, 'to': 0.07385236098397673, 'a': 0.0725041274554496, 'in': 0.07210737040009534, 'their': 0.07014081751024988, 'our': 0.03473652326402921}, {'and': 0.08213079972801327, 'able': 0.06439129330609981, 'order': 0.06151941035238775, 'him': 0.05327494304662807, 'is': 0.05234560542986731, 'was': 0.04976311665320131, 'time': 0.04936093197534136, 'had': 0.047209006194783916, 'as': 0.04655753168574065}, {'and': 0.11358343253776762, 'to': 0.058469238780760296, 'of': 0.05483156751071053, 'the': 0.04977499070814182, 'that': 0.0317130211015688, 'in': 0.027636210463761347, 'which': 0.02373946618295422, 'not': 0.023348217974787523, 'con-': 0.02015360165244558}, {'of': 0.21681901313599033, 'in': 0.21462356009711964, 'to': 0.1366912490727833, 'and': 0.06755163797961168, 'with': 0.06748082603929247, 'at': 0.05063415623719749, 'from': 0.038166031644571295, 'on': 0.03799896500548729, 'for': 0.03782711685274829}, {'of': 0.20395986729400328, 'and': 0.14163567680290376, 'that': 0.13575391235815912, 'to': 0.10040543959677109, 'in': 0.07058488142485075, 'on': 0.06011099557117998, 'for': 0.04242982667829669, 'with': 0.03602720639387979, 'which': 0.030132730424154694}, {'it': 0.12251385106880873, 'they': 0.115888788990431, 'he': 0.10997582715213569, 'we': 0.10064495793235251, 'I': 0.07213570995331228, 'as': 0.07097372792450313, 'you': 0.06701708913450435, 'which': 0.06219868066688292, 'who': 0.06146684633699665}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'Mr.': 0.09726822672964679, 'of': 0.06793063889917568, 'Mrs.': 0.05785711439305999, 'and': 0.05275894963743523, '.': 0.05210699546693459, 'to': 0.05067259081706372, 'John': 0.047350057255189065, 'W.': 0.043611198591403916, 'A.': 0.039362818468119475}, {'of': 0.35607013596504694, 'to': 0.11122366117716455, 'and': 0.07754050656890343, 'at': 0.06909136454206403, 'in': 0.060709478247643354, 'that': 0.057098456398572375, 'by': 0.040855102571006774, 'from': 0.03870095185399736, 'on': 0.03691626102121969}, {'of': 0.20691132796359119, 'in': 0.1275972868046306, 'to': 0.07205771898934042, 'on': 0.059289231322490865, 'with': 0.05663494166797241, 'by': 0.05409838240113244, 'from': 0.044528294139095564, 'and': 0.03700636709491657, 'for': 0.022860325200422728}, {'the': 0.26979779840665047, 'and': 0.06822196141853705, 'a': 0.06670977675666366, 'of': 0.06662669901747267, 'to': 0.0376409523393248, 'The': 0.02914983820005629, 'by': 0.02323070987471144, 'Mr.': 0.022277134054886998, 'in': 0.021813426713505033}, {'out': 0.041422851302142294, 'sum': 0.03892995623951945, 'instead': 0.028961837322959396, 'that': 0.026135286345054486, 'part': 0.023956912961769144, 'think': 0.023860953337552046, 'use': 0.02148029698529205, 'matter': 0.02125612829031414, 'number': 0.021211831779189148}, {'and': 0.12260165937586076, 'the': 0.11813624629600443, 'to': 0.07345299871686573, 'of': 0.06960198272548243, 'in': 0.035778195935903784, 'that': 0.03365753610447031, 'which': 0.03260984749409011, 'a': 0.0293093145287507, 'or': 0.02532077043434704}, {'.': 0.04352661709473901, '<s>': 0.03402186100135355, 'Mr.': 0.027082331798642317, 'the': 0.02546880104914165, 'lot': 0.01809631587058907, 'and': 0.017184593496305266, 'it.': 0.013703911187568822, 'it': 0.013126591148335668, 'them.': 0.012629241773618002}, {'of': 0.2665370016446803, 'in': 0.16701488305011977, 'on': 0.10965936788570478, 'to': 0.10894176655817771, 'by': 0.05742305527197035, 'at': 0.05191217526978256, 'from': 0.050669727602224976, 'and': 0.04665459858549094, 'In': 0.03565074331059081}, {'is': 0.16707104022911032, 'in': 0.13187799812407977, 'was': 0.12891252803463776, 'made': 0.08852398708554161, 'for': 0.08155296447174255, 'with': 0.0747887010387446, 'as': 0.07320635053096074, 'make': 0.07147383909858046, 'be': 0.05771136660556553}, {'it': 0.2805690418208928, 'It': 0.2363124784273309, 'he': 0.0629748284234687, 'there': 0.06126116071220106, 'which': 0.053441398845770614, 'that': 0.04325580006896462, 'this': 0.03111888072939823, 'This': 0.03022847590789958, 'and': 0.030070974601292245}, {'and': 0.10799385493772927, 'was': 0.04793529960642118, 'that': 0.04430978049394047, 'be': 0.0413086915544162, 'is': 0.04081693899038676, 'or': 0.03808455281731225, 'made': 0.029847272145908973, 'it': 0.028756376186596905, 'are': 0.026104085150496566}, {'and': 0.11088363102050512, 'of': 0.08139264326743277, 'the': 0.053654255402999784, 'to': 0.05033663196566846, 'in': 0.04676802815733374, 'be': 0.04670275677668333, 'I': 0.03642340507146437, 'was': 0.03165327555720878, 'is': 0.029017369943702458}, {'of': 0.26109174508274885, 'in': 0.11391597680941179, 'by': 0.044896828681152426, 'In': 0.03882652959813506, 'to': 0.03363443553083041, 'the': 0.03207442133808029, 'and': 0.031148509128950688, 'from': 0.028969516982764388, '<s>': 0.01999667891116244}, {'of': 0.27934960379609036, 'with': 0.11774109921648608, 'to': 0.11179975660156127, 'in': 0.07214194187113965, 'and': 0.06277712896586612, 'that': 0.06249854131316542, 'by': 0.05393807421114779, 'on': 0.047005534512696255, 'for': 0.041695075166070704}, {'of': 0.27895101808241163, 'in': 0.21325704679749657, 'and': 0.08366049629451107, 'for': 0.07771994139745364, 'with': 0.07070345131804354, 'to': 0.04707277615473335, 'In': 0.04522608482719604, 'that': 0.03223416460088384, 'on': 0.023609543087531375}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.3205368748107108, 'of': 0.09150709328961229, 'in': 0.08834232693764055, 'a': 0.05898164145290241, 'to': 0.04666628190334443, 'on': 0.03817505326163707, 'In': 0.032402972663421604, 'The': 0.02862834275415744, '<s>': 0.02793097743168694}, {'the': 0.3488378583035379, 'and': 0.17802136974171195, 'The': 0.0776443609099716, 'a': 0.07741023678292634, 'of': 0.03226988640828378, 'tho': 0.024468460201601917, 'that': 0.02010108370152557, 'any': 0.017865560252475075, 'or': 0.013415398757945507}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'the': 0.4037445077160561, 'land': 0.28503083620733716, 'The': 0.06720814783927688, 'and': 0.0586738017672691, 'tho': 0.0185370686436667, 'a': 0.014442487687652663, 'as': 0.013449502569262143, 'or': 0.007320517546685616, 'tbe': 0.0072950348747955664}, {'is': 0.13698666687989158, 'and': 0.12243404443230729, 'of': 0.11740942476593107, 'it': 0.05982290148738193, 'are': 0.05088029632364242, 'was': 0.04874567205302612, 'now': 0.04038467987208823, 'same': 0.03559633328727553, 'from': 0.030086668548825992}, {'at': 0.2651767707881523, 'At': 0.10286851756816821, 'in': 0.10072759927211794, 'any': 0.0929318333765634, 'of': 0.07864810439771809, 'to': 0.07034552960790649, 'and': 0.06386901890756394, 'no': 0.04779550868835804, 'from': 0.0446078372785647}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'of': 0.24056784853727173, 'the': 0.16132094131618901, 'in': 0.13951482380068286, 'and': 0.07565115789411059, 'from': 0.04906584164153197, 'at': 0.04466989944651304, 'to': 0.04400187226773316, 'In': 0.04252777111359636, 'The': 0.03837934962077634}, {'and': 0.10583626652676914, 'that': 0.050108666392137596, 'in': 0.03779699783900848, 'the': 0.03051959632366679, 'land': 0.022263489044704144, 'office': 0.022144478806033825, 'county,': 0.0189761392946526, 'property': 0.018845523695439934, 'acting': 0.018320362994758338}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.1825626584620385, 'of': 0.15686371131931276, 'to': 0.14811174962563461, 'in': 0.11675647748733077, 'for': 0.05854636897512957, 'on': 0.0529755580724414, 'In': 0.028893079372445295, 'that': 0.024939915297524765, 'at': 0.024405139726708307}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'cents': 0.11896847606293386, 'cent': 0.047305418982661586, '50': 0.03494209936098184, '6': 0.03364948692847055, '10': 0.033509965877423865, 'ten': 0.03221450259977612, '5': 0.027130908761985983, '1': 0.023705812412272768, '2': 0.021968977063929494}, {'the': 0.3780400684228776, 'of': 0.19149552751753646, 'and': 0.06206608057707852, 'a': 0.03853292219348528, 'The': 0.02903133544383929, 'his': 0.028250155271392578, 'in': 0.02800924697927521, 'tho': 0.021555660098917073, 'her': 0.016516601496039222}, {'and': 0.1577006221341345, 'to': 0.11312348751712643, 'I': 0.038363581504982466, 'not': 0.034388842358504645, 'would': 0.033848768577339206, 'was': 0.025737053413608203, 'will': 0.02499205514421039, 'which': 0.024062924766171986, 'he': 0.02299381745703345}, {'know': 0.2387023219861888, 'of': 0.1011311133213487, 'from': 0.09072888932683183, 'and': 0.08635413793210867, 'is': 0.07584249405589631, 'do': 0.057812353988378404, 'for': 0.051377891751828775, 'to': 0.048061848453228265, 'in': 0.03137986978973106}, {'of': 0.20863795346729996, 'for': 0.19911080036809867, 'in': 0.12676058582446822, 'to': 0.11424676641167336, 'with': 0.06843378152572994, 'and': 0.061526854366254595, 'by': 0.049954881915630085, 'all': 0.040102130378383484, 'that': 0.03481495004166574}, {'manner': 0.10929122914622635, 'and': 0.051928940561453626, 'that': 0.030065683941091072, 'way': 0.01949234700731763, 'time': 0.01490834846138637, 'it': 0.013227222707666407, 'all': 0.011826895752322215, 'one': 0.01173947360133591, 'part': 0.011709023863419921}, {'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.3227203454996843, 'will': 0.1385381094249241, 'not': 0.08114686125245792, 'have': 0.08012299481517857, 'had': 0.07920517704695733, 'has': 0.0639332939130879, 'be-': 0.05282799407016711, 'would': 0.050968515185658286, 'and': 0.04191510168941271}, {'the': 0.5468889730663529, 'of': 0.06603980472066102, 'and': 0.05540264536021524, 'a': 0.04291031586306059, 'to': 0.029882487926143123, 'said': 0.027007529641164357, 'tho': 0.020540114538464528, 'his': 0.020147107496017037, 'The': 0.016298735548276457}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'and': 0.18571056486348814, 'was': 0.12249195323116191, 'is': 0.1038423783728285, 'be': 0.07531967709350969, 'are': 0.07314787026836041, 'been': 0.04734898490561093, 'were': 0.04161459208860263, 'not': 0.03915114652863134, 'or': 0.02074767505868293}, {'have': 0.1257149125615867, 'is': 0.11918484622158416, 'had': 0.1006810802715742, 'with': 0.10038598908331575, 'of': 0.09752778083758207, 'was': 0.09327139122593503, 'has': 0.07934714800263493, 'in': 0.07181672262677055, 'to': 0.06480514676422679}, {'be': 0.2850886544223646, 'is': 0.1375265053990967, 'was': 0.1180397825258088, 'been': 0.10152286028063036, 'are': 0.08493847282913407, 'and': 0.05867194057094527, 'were': 0.04972754388490229, 'being': 0.02650460925938997, 'Is': 0.021084492865881155}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'it': 0.16312523998348602, 'carried': 0.10161671910150301, 'go': 0.0819037842729259, 'them': 0.07896287448691341, 'went': 0.07781481834254818, 'come': 0.056945196396261916, 'taken': 0.04918290187967167, 'get': 0.043543722661212446, 'set': 0.042400649179060466}, {'and': 0.16799104546372523, 'to': 0.11729329251990948, 'of': 0.05516988715746099, 'the': 0.04833744916940638, 'will': 0.04720241299894331, 'for': 0.04492820008811606, 'would': 0.03930826131593321, 'a': 0.03132808586838056, 'in': 0.02578428493557457}, {'the': 0.7000723022645613, 'The': 0.05398199158315778, 'a': 0.050118088749552585, 'tho': 0.03600022939163418, 'of': 0.02172411536363292, 'and': 0.018736776616104726, 'large': 0.015754823851665396, 'in': 0.012249409470625906, 'tbe': 0.010527476969896638}, {'the': 0.17762010262831962, 'of': 0.1392987664222218, 'and': 0.059262559761625644, 'to': 0.054761700910956855, 'in': 0.04605133859315406, 'on': 0.03392215327756276, 'from': 0.02315658997506837, 'that': 0.021244864706254588, 'by': 0.020625336902311105}, {'and': 0.1951548888286566, 'fact': 0.07645293835734736, 'said': 0.06196357149942123, 'so': 0.05061110656257712, 'is': 0.04286583529619849, 'say': 0.03820939425311837, 'was': 0.037675190581188234, 'him': 0.03689546512611886, 'found': 0.0352287959284593}, {'the': 0.159392620226133, 'of': 0.07992695395146558, 'and': 0.06623918481612277, '.': 0.03692852094191926, 'a': 0.029363132140011922, 'to': 0.02409980102014594, 'by': 0.017645202749872958, '<s>': 0.01687533671077409, 'in': 0.015058961039004523}, {'a': 0.2281575896057469, 'the': 0.17347604692256893, 'common': 0.10251222422925038, 'their': 0.07247573463210154, 'no': 0.0578222732336376, 'his': 0.05668761599547806, 'any': 0.046468339617696794, 'good': 0.04223687528726722, 'every': 0.036950323526206245}, {'of': 0.24461886309643072, 'to': 0.1761204232134338, 'in': 0.14146621440316096, 'on': 0.08662254584274641, 'and': 0.07005171830510021, 'for': 0.04936418206876871, 'that': 0.04819689010517472, 'by': 0.0468079363454505, 'with': 0.04364424397485476}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'to': 0.5665623844664327, 'and': 0.11042728748582335, 'not': 0.056304496428736944, 'will': 0.037183149463981734, 'would': 0.032831452770901784, 'may': 0.03004081578067769, 'shall': 0.019917398264381023, 'I': 0.018071192312076493, 'they': 0.016642724248796176}, {'the': 0.3687392024809632, 'of': 0.18612035862611587, 'to': 0.05855721907281784, 'or': 0.05375352151511926, 'such': 0.044321780075206256, 'and': 0.0413910559782668, 'that': 0.03909851424722518, 'no': 0.036142940853291165, 'public': 0.029820549811984343}, {'of': 0.3386072790793579, 'in': 0.12557349035204843, 'at': 0.10455684989671234, 'to': 0.07996257880779647, 'on': 0.07883027255600622, 'from': 0.06092792142723929, 'for': 0.05702306989593872, 'and': 0.03399463064800029, 'In': 0.030653949173622866}, {'of': 0.18542132375036044, 'in': 0.175005015877128, 'at': 0.1291784908580335, 'to': 0.1256959307826365, 'on': 0.05876207322848754, 'and': 0.04832088627148717, 'for': 0.045837902546240386, 'from': 0.044041875732949806, 'with': 0.03605463287791581}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'of': 0.12322274774002882, 'a': 0.11922431495472556, 'and': 0.10377223822074008, 'the': 0.09592347656935359, 'in': 0.05372908701604034, 'to': 0.05307365256676406, 'an': 0.03503707922719265, 'with': 0.025325626712151394, 'which': 0.02316038404697059}, {'the': 0.4718593699926299, 'this': 0.15754489639073418, 'of': 0.09190294804624623, 'his': 0.05952311790950389, 'our': 0.04145004463817384, 'an': 0.03759222075759886, 'their': 0.033773104183631185, 'tho': 0.03145327907618157, 'The': 0.028763321662575652}, {'the': 0.6516683333948861, 'The': 0.09842484173698077, 'tho': 0.06436403113841052, 'tbe': 0.02608298438647707, 'and': 0.023501882845420638, 'this': 0.022923432958514907, 'a': 0.02160353767774718, 'of': 0.019650943128258328, 'his': 0.013754561075371576}, {'the': 0.43362711552914773, 'a': 0.4011131111130925, 'this': 0.04122139265449675, 'tho': 0.012810509821582864, 'The': 0.011240965412197629, 'that': 0.010857876838893811, 'and': 0.007869743154250475, 'no': 0.00694352333142451, 'his': 0.006789641121905915}, {'be-': 0.34246135513721504, 'hereto-': 0.13351261558373748, 'there-': 0.12537886560430675, 'be¬': 0.10917635290931213, 'be\xad': 0.09585326913190949, 'be': 0.021832151838960052, 'there¬': 0.02033246945781535, 'and': 0.015838891733306503, 'was': 0.012244284923706493}, {'of': 0.2784603482893732, 'the': 0.15238959415427367, 'to': 0.09213304238245072, 'a': 0.08903954785987564, 'and': 0.062343399028015306, 'his': 0.035661087689833254, 'for': 0.029042242383279158, 'said': 0.027083188272240797, 'in': 0.025497219072863633}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'carried': 0.11325531299497492, 'it': 0.11161385100190742, 'go': 0.08667172234191589, 'went': 0.07941443606781787, 'them': 0.06205962514799786, 'come': 0.05465859675441214, 'get': 0.05265904829700638, 'came': 0.05254622293236319, 'sent': 0.045113736618425895}, {'the': 0.2468607344221411, 'to': 0.16282659189067453, 'and': 0.12638828257532406, 'of': 0.08760567930432098, 'a': 0.06265860420234277, 'in': 0.04378605795262847, 'with': 0.042945878286317525, 'for': 0.03945875218674254, 'or': 0.038220349911333835}, {'and': 0.22794407953420745, 'of': 0.17234450493621398, 'for': 0.1074620834391299, 'or': 0.0847844152480444, 'to': 0.08166784534065391, 'section': 0.053517925839784534, 'at': 0.052448795223365305, 'the': 0.05003385667078446, 'in': 0.04974840302553998}, {'or': 0.17645271263121562, 'no': 0.15136964091275337, 'and': 0.10606146432181783, 'much': 0.08166160362179951, 'of': 0.0759733145138169, 'any': 0.07198539965913561, 'the': 0.05788224586857077, 'for': 0.052780158369102895, 'a': 0.048258567128384215}, {'men': 0.028042530236100566, 'man': 0.012151006362201528, 'women': 0.010401694704915964, 'up': 0.009799508270169751, 'time': 0.009506427342449202, 'President': 0.009091886927266027, 'rights': 0.009032001244530127, 'power': 0.008916340035762992, 'labor': 0.008837807078924165}, {'the': 0.4969168829261909, 'and': 0.06209672481764524, 'of': 0.051792195215021576, 'tho': 0.03147271706276542, 'his': 0.028883407786630844, 'their': 0.023668687095730327, 'The': 0.020995688918431118, 'her': 0.02066977191366324, 'tbe': 0.015473771321771537}, {'the': 0.11162049140890667, 'of': 0.10095631060043873, 'and': 0.09826508843892454, 'by': 0.07170401094375628, 'to': 0.06180793993166269, 'for': 0.05886912547807579, 'in': 0.052744992946088545, 'a': 0.04722987800402848, 'or': 0.03624235078734699}, {'the': 0.5879648731724773, 'a': 0.06726116516729296, 'of': 0.06580641187315642, 'The': 0.03329493032855677, 'tho': 0.03087923567241654, 'in': 0.025956531803529016, 'and': 0.020587933122408388, 'by': 0.014117247992266638, 'with': 0.011989266545298307}, {'in': 0.24654372663688714, 'of': 0.17569348280551636, 'to': 0.08228716889354108, 'with': 0.07524795064283445, 'under': 0.0682844438280761, 'and': 0.05595807150122043, 'In': 0.053612114017595226, 'by': 0.05175332383825622, 'for': 0.04418766947546667}, {'the': 0.10615009497038579, 'of': 0.10611786101401058, 'and': 0.09162739058720783, 'to': 0.07553493108142303, 'a': 0.03826967302585283, 'not': 0.02837339001570127, 'for': 0.02687876831489338, 'is': 0.02386266249937013, 'I': 0.020561481755192648}, {'a': 0.4143772636962491, 'the': 0.2684267346851558, 'large': 0.12508734203529223, 'A': 0.04548145434041408, 'The': 0.04133793429389639, 'great': 0.016838353931048, 'total': 0.013281114561676135, 'and': 0.010567616319534739, 'tho': 0.009382732376109449}, {'the': 0.2496260158047554, 'be': 0.15402953745295922, 'and': 0.1433034149444738, 'is': 0.12564682890868367, 'was': 0.05820952704015556, 'are': 0.05011759216168954, 'The': 0.04659626179348789, 'not': 0.0456824478740901, 'of': 0.04120325322593108}, {'the': 0.5952378412283893, 'an': 0.06284818411906788, 'tho': 0.04316791854674036, 'The': 0.035341765681353304, 'of': 0.02724850686389824, 'a': 0.024205687307086315, 'and': 0.02108448538618342, 'his': 0.017534717167422203, 'her': 0.013669772262692203}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'be': 0.13031037184882394, 'was': 0.12803907585936555, 'is': 0.1270602818929072, 'and': 0.08376285264483885, 'he': 0.07339041854591415, 'not': 0.06797099506991622, 'He': 0.041501163118545646, 'been': 0.035009922840847925, 'I': 0.03445832822039305}, {'<s>': 0.13719610274036562, 'it.': 0.02241306097047232, 'them.': 0.015609160768649892, 'and': 0.014498411230135589, 'time.': 0.011146883927482911, '?': 0.010012672540939672, 'country.': 0.009726347207470095, 'people.': 0.009333246717808276, 'year.': 0.008996541668119275}, {'the': 0.24913446020346688, 'a': 0.09324180443402738, 'and': 0.09316055525419484, 'of': 0.07491294025208296, 'Mr.': 0.043039810496698416, 'The': 0.03472910439027784, 'to': 0.028057934855103873, 'in': 0.02391761358254653, 'an': 0.02031478565947427}, {'the': 0.12097401935893959, 'of': 0.09019641097148685, 'and': 0.07410156036737092, 'a': 0.06329177214580034, 'to': 0.06208316916802432, 'be': 0.032002216428273444, 'was': 0.03040074523680641, 'in': 0.027776648211590663, 'at': 0.017714195121073514}, {'be': 0.1728624281605265, 'was': 0.16278615758559384, 'are': 0.13286474337301477, 'is': 0.1075566262372737, 'been': 0.08680535240394827, 'were': 0.08107128942306221, 'and': 0.05534148586493352, 'not': 0.034773461925707065, 'he': 0.027566769614614666}, {'be': 0.29439957671758715, 'and': 0.15753267539263904, 'have': 0.08783021823858714, 'he': 0.06931399213192066, 'been': 0.06466999571733412, 'was': 0.05143614841383944, 'had': 0.04878301827640302, 'who': 0.042198744076525005, 'is': 0.04020085383710988}, {'of': 0.11785529026658935, 'and': 0.11586877154350345, 'in': 0.05739244689627157, 'to': 0.050607477297486644, 'fact': 0.03889347275782053, 'said': 0.03289904969041613, 'on': 0.02952954435335196, 'all': 0.024539624180535385, 'is': 0.022298709960555663}, {'one': 0.12897392021378185, 'out': 0.07664784689118985, 'part': 0.06409373140028574, 'some': 0.05584305533119319, 'time': 0.03914926290286854, 'account': 0.035845171248451206, 'all': 0.032057463924492914, 'and': 0.027873419781873014, 'that': 0.02728087135118937}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.3753300814724509, 'to': 0.12792872820303822, 'of': 0.1144774553114356, 'a': 0.06338825384065179, 'by': 0.05027505481761222, 'and': 0.04549645846332209, 'any': 0.025112177448964743, 'tho': 0.02243020018863827, 'their': 0.02121697158456184}, {'of': 0.3421721595968866, 'to': 0.08423994859119707, 'the': 0.0806121550804752, 'in': 0.0599271729881316, 'and': 0.0551527974735369, 'by': 0.0420651507147934, 'from': 0.03751090316775117, 'County,': 0.032210212104641596, 'In': 0.02220467793912624}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'the': 0.4024255428676543, 'a': 0.21851543220571074, 'The': 0.11020124534112798, 'their': 0.033419214721959044, 'this': 0.0325344539591553, 'his': 0.028353369372755, 'tho': 0.022933158166003234, 'no': 0.021211235961717846, 'some': 0.019964344827309802}, {'for': 0.16818027214684883, 'to': 0.10827952937573941, 'of': 0.10435957402310085, 'and': 0.05528940484752171, 'by': 0.05510844589172943, 'with': 0.0409677010383958, 'that': 0.030565410993285844, 'or': 0.02122760549867328, 'before': 0.020690816245158672}, {'and': 0.11688442777788965, 'the': 0.10706565325408109, 'of': 0.08687466909044533, 'a': 0.07120256220256836, 'an': 0.05719001181547273, 'to': 0.037492078866943924, 'in': 0.03149321358207993, 'or': 0.03035111748179667, 'that': 0.027695337556309634}, {'able': 0.08537103002481819, 'as': 0.0831028885292805, 'is': 0.08269140256024542, 'was': 0.06264791765700174, 'and': 0.06033597146494367, 'order': 0.059492601184547814, 'enough': 0.051678594909337905, 'time': 0.039069092943377313, 'right': 0.038938579581604266}, {'of': 0.2881084852611035, 'to': 0.11695042359810433, 'in': 0.11612425883348357, 'and': 0.0676209513584755, 'with': 0.059999875551068116, 'for': 0.053652151003525876, 'on': 0.051676945102502155, 'by': 0.04093520255770849, 'from': 0.038827044671752485}, {'the': 0.11351219044727526, 'and': 0.08604483638809167, 'of': 0.06776366009844341, 'to': 0.047136723892506144, 'in': 0.024338160658430526, 'that': 0.02193473756605346, 'said': 0.021559305887873692, 'for': 0.019918362359278432, 'his': 0.019758196558086426}, {'that': 0.21596930251852098, 'and': 0.11747377372223168, 'if': 0.08958176693820356, 'which': 0.07843042343192737, 'If': 0.07099260808715817, 'as': 0.051907701407392946, 'when': 0.03443230054915508, 'but': 0.031699104563811, 'what': 0.029802673563775195}, {'of': 0.42804193257582984, 'that': 0.10547435900100839, 'in': 0.07688813887536033, 'all': 0.06480208431935366, 'for': 0.06274997483719197, 'to': 0.058695221326614894, 'and': 0.04844906506886379, 'with': 0.042437887749006156, 'from': 0.026780543035291905}, {'and': 0.0815597157426738, 'well': 0.08085771632614698, 'long': 0.06870171530050324, 'just': 0.062986561121015, 'soon': 0.052718810073748186, 'such': 0.04175837678481484, 'are': 0.0415357411759013, 'is': 0.04117536710520764, 'so': 0.03980602393955216}, {'hundred': 0.14398926182693586, 'the': 0.09052343162039915, 'few': 0.06537826749122841, '100': 0.05309475347585798, 'of': 0.04058809286123563, '200': 0.03803803117900689, '300': 0.03446143831138323, 'fifty': 0.02892070463203945, 'twenty': 0.028463662609487878}, {'was': 0.20415115890480542, 'be': 0.15052565502448415, 'he': 0.09518023964747888, 'been': 0.08964323761846185, 'and': 0.058757444797675515, 'had': 0.05560453879236318, 'have': 0.051409112637065026, 'is': 0.0503279738440616, 'has': 0.049695266610103025}, {'and': 0.13525062638515375, 'that': 0.06569119521036185, 'he': 0.0645111420884108, 'which': 0.05471157068565588, 'it': 0.05372328742765813, 'as': 0.05266287188188268, 'who': 0.038499284980717176, 'It': 0.02142640209383544, 'there': 0.019423343018788532}, {'the': 0.1873830439526333, 'of': 0.10165320332316363, 'to': 0.07121158975065293, 'and': 0.06239695364163807, 'in': 0.035446901840830145, 'for': 0.035173487692861834, 'be': 0.028874204567123713, 'was': 0.021018146370974093, 'is': 0.019131692790431924}, {'it': 0.13787290960578877, 'he': 0.12076876478571731, 'It': 0.09115234516723242, 'which': 0.06522824064097428, 'I': 0.06159272481120636, 'and': 0.051680260640388276, 'who': 0.040644477989535834, 'He': 0.036847793268416994, 'that': 0.03449250464665571}, {'and': 0.18171633345250912, 'of': 0.08780994018201799, 'the': 0.08342786389565136, 'thence': 0.05371548956706383, 'was': 0.05148248189158141, 'in': 0.040576558860194074, 'by': 0.0340075308183117, 'a': 0.0337160874220465, 'is': 0.029267816193603868}, {'a': 0.252574321983539, 'the': 0.2327532060524935, 'any': 0.09971654840266907, 'that': 0.0761187287275063, 'this': 0.04644442001159713, 'every': 0.039537788697127325, 'greater': 0.037861019235028444, 'latter': 0.029116307236611322, 'no': 0.026125414662914785}, {'the': 0.45277208338559316, 'on': 0.07103916034580791, 'day': 0.04159813448918617, 'and': 0.039745901845645366, 'The': 0.03897241062115002, 'On': 0.03504930604127693, 'tho': 0.0312580488755824, 'of': 0.02420456069373854, 'until': 0.021483234839801704}, {';': 0.01240750818244087, 'him': 0.007443880554057138, 'it': 0.006564585727773157, 'time': 0.005984457991357933, 'up': 0.005882313760527781, ',': 0.00562104734046536, 'years': 0.005395106855207376, 'feet': 0.005189146242241823, 'it,': 0.0051794089653406}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'of': 0.2861337847422468, 'at': 0.16420163963500875, 'on': 0.10603581287166006, 'in': 0.09366954897739282, 'to': 0.07063516007919157, 'At': 0.06098381401143125, 'that': 0.05933041627090544, 'from': 0.039075459591255454, 'and': 0.03345645503338729}, {'<s>': 0.06337991146308172, 'and': 0.0428577042965652, 'that': 0.04233411486866736, 'it.': 0.034798027788297214, 'them.': 0.021493782992579324, '.': 0.015138854743523262, 'time.': 0.01163077692235375, 'law.': 0.010466735197372252, 'him.': 0.01015098894329532}, {'and': 0.07971920582547942, 'it': 0.04360185117233095, 'as': 0.03489216485393213, 'It': 0.032612889862028434, 'be': 0.027997079933050822, '<s>': 0.021980730359866796, 'is': 0.018482163271883734, 'was': 0.017533036621651538, '.': 0.015563244656905992}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'is': 0.40638330725029087, 'was': 0.21058085906962476, 'are': 0.06345489626565694, 'and': 0.0613236854987974, 'Is': 0.054128570667177446, 'had': 0.031806597109718664, 'has': 0.028481428130245953, 'were': 0.02683559312373055, 'have': 0.022923723820799026}, {'and': 0.08706677825699163, 'that': 0.0855527365042179, 'as': 0.054842359849658955, 'but': 0.04863995081431157, 'I': 0.041923097724546964, 'what': 0.03733854394430382, 'when': 0.03685213864619584, 'do': 0.03470468041396483, 'which': 0.029799473270876346}, {'he': 0.29321107176283434, 'who': 0.18376671879281586, 'and': 0.12855915408651894, 'He': 0.09191738196196288, 'it': 0.05301465934153702, 'she': 0.03965701700110094, 'It': 0.033449720099358246, 'I': 0.028381890816879383, 'that': 0.021444947196066017}, {'the': 0.3116794071282924, 'of': 0.16310656732414192, 'and': 0.09261611592026658, 'a': 0.06450929812091517, 'their': 0.050641454558504474, 'his': 0.04594176839120594, 'by': 0.04466018297199902, 'to': 0.03575112590729338, 'for': 0.02414155070136172}, {'is': 0.24985297820495833, 'was': 0.12614355557630938, 'and': 0.1206419231023446, 'not': 0.07469245783189389, 'have': 0.06385490746346797, 'are': 0.05840246095379376, 'has': 0.05473028920483604, 'will': 0.05029499866969815, 'would': 0.04105806762664288}, {'and': 0.09534190180971787, 'the': 0.09039417744516981, 'of': 0.08367003873384354, 'to': 0.07894559050615893, 'a': 0.0701648767672124, 'is': 0.049885115488193715, 'in': 0.03648792958956754, 'be': 0.03202189064259976, 'an': 0.02965925841425207}, {'and': 0.02872566916100327, 'it': 0.025453768667477165, 'made': 0.014432352734864146, 'them': 0.014406334825285583, 'feet': 0.012570300902025766, 'well': 0.012505809415741134, 'be': 0.01228980003849101, 'up': 0.012045131137814212, 'him': 0.010601473620753908}, {'of': 0.2210420598270707, 'in': 0.10907741917394831, 'and': 0.08244574573272465, 'by': 0.08236998322082631, 'was': 0.07900627139923551, 'to': 0.07433466612537605, 'is': 0.07320466103230779, 'with': 0.07212603963676388, 'as': 0.053594573707075}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'and': 0.2500650466135039, 'so': 0.059195203491440224, 'fact': 0.05308053286262959, 'is': 0.047298949466892067, 'was': 0.03990785524290269, 'all': 0.028804829643787312, 'but': 0.02588617811082649, 'know': 0.025315579316332677, 'found': 0.02275749725990852}, {'the': 0.41209243689980013, 'and': 0.06133382668870845, 'Presbyterian': 0.04952138764542294, 'Baptist': 0.04307207442964228, 'of': 0.04302740844530451, 'The': 0.04175598776093453, 'Methodist': 0.0344978642705599, 'a': 0.02850999274076164, 'tho': 0.027413368523339764}, {'I': 0.11366439091234956, 'and': 0.04766739183691314, 'he': 0.039743080598592176, 'who': 0.029834967328899717, 'man': 0.01904289653338185, 'husband': 0.018030364365548324, 'that': 0.015927870961006212, '1': 0.014508800401047718, 'He': 0.012683227719639412}, {'the': 0.14640746490323564, 'and': 0.13444468022875172, 'as': 0.1303237533191666, 'of': 0.11262608980259771, 'an': 0.08122970436327635, 'their': 0.04999635074751337, 'to': 0.04921276551966557, 'his': 0.04143736486425928, 'much': 0.04124572582497972}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'of': 0.14733204325310814, 'the': 0.12751855986751795, 'and': 0.06334296966381232, 'to': 0.048930224252134856, 'by': 0.041927440962523876, 'Mrs.': 0.030140019018126255, 'in': 0.02656122568472193, '<s>': 0.023335079142249835, 'Mr.': 0.020998117321907667}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'that': 0.19682528228660323, 'as': 0.13289447563364706, 'and': 0.12129384546879461, 'if': 0.060348676125295965, 'but': 0.060255239237711575, 'of': 0.04016500682093661, 'when': 0.03921452243020683, 'which': 0.03870521759159642, 'what': 0.024187661341176867}, {'they': 0.12178261291592014, 'and': 0.07836605610615499, 'there': 0.07809191830949952, 'who': 0.06704013231600343, 'which': 0.05959949927248193, 'we': 0.05797595532470066, 'They': 0.05361350070791357, 'These': 0.0440550083032213, 'that': 0.0428012864374662}, {'to': 0.7024877885063325, 'and': 0.053460980298006416, 'not': 0.05300213485048492, 'will': 0.05234196251742366, 'a': 0.03627171760716151, 'shall': 0.01912169372847438, 'may': 0.018187736570878833, 'we': 0.011907617014570304, 'would': 0.011261075394706202}, {'of': 0.3797969057340349, 'the': 0.1175923201782822, 'that': 0.0894753279195086, 'said': 0.08202447110103833, 'for': 0.07645517199019293, 'and': 0.056218804667877445, 'such': 0.043058194826329804, 'a': 0.04229082456352876, 'public': 0.029069087095073637}, {'of': 0.17230450549508014, 'the': 0.11860609098213669, 'to': 0.06391789214233216, 'in': 0.05398944813657782, 'on': 0.04019465615536263, 'a': 0.038352199272278294, 'and': 0.0366449633884784, 'by': 0.03408154196060482, 'for': 0.02580838117586839}, {'New': 0.8795775710851524, 'of': 0.02766884257084276, 'the': 0.011817190345234053, 'to': 0.011203864904171185, 'Xew': 0.008421554445063768, 'a': 0.005443839345907769, 'Now': 0.004798843594354504, 'for': 0.0037900396105079205, 'said': 0.003230379778138938}, {'in': 0.04975083119193626, 'up': 0.022787155310365553, 'to': 0.012402584365887691, 'men': 0.011169566994122802, ';': 0.00977847963866384, 'him': 0.009454110449895747, 'them': 0.007270027030575675, 'In': 0.007172690530901853, 'out': 0.006839583246640222}, {'well': 0.0919629619020031, 'known': 0.0905928411316168, 'such': 0.0643072945765663, 'and': 0.05709884287572513, 'far': 0.05230426078246349, 'soon': 0.03642434374222086, 'is': 0.033177744693230704, 'just': 0.032881338703536496, 'was': 0.026455488479817678}, {'and': 0.20782029435002292, 'I': 0.1207066151986128, 'it': 0.10580314248630131, 'he': 0.09464950437548592, 'who': 0.07398355386482891, 'they': 0.06882118579413345, 'It': 0.050070389683539274, 'was': 0.037964479774393003, '1': 0.036670320894345076}, {'and': 0.1406660759615335, 'the': 0.08045893149309329, 'of': 0.04650830436976305, 'to': 0.03411114042160545, 'a': 0.025301480778028032, 'in': 0.023142959249312804, 'I': 0.02138405147541357, 'as': 0.02074397049138458, 'will': 0.01851008121245892}, {'<s>': 0.04670443402481709, 'it.': 0.018058162395672345, 'them.': 0.009993448124630818, '.': 0.009023620285868018, 'him.': 0.00899211788802256, 'day.': 0.004972560738853278, 'time.': 0.004596231790429008, 'I': 0.004588887088916989, 'It.': 0.004384329273827087}, {'A.': 0.6528512017558127, 'J.': 0.03665063073408933, 'N.': 0.03166421352211334, 'by': 0.030511994701760754, '.': 0.029418254636278958, 'of': 0.025475201953918575, 'John': 0.02497531943624932, 'W.': 0.020322468531617607, 'A,': 0.018242065017331204}, {'he': 0.2839854060675286, 'they': 0.15080299384806667, 'I': 0.1287725790504829, 'she': 0.07621600878388868, 'who': 0.05831123490503631, 'we': 0.0482082275553769, 'it': 0.03818257820757592, 'which': 0.02756703229970527, 'and': 0.027269053196257005}, {'of': 0.2881084852611035, 'to': 0.11695042359810433, 'in': 0.11612425883348357, 'and': 0.0676209513584755, 'with': 0.059999875551068116, 'for': 0.053652151003525876, 'on': 0.051676945102502155, 'by': 0.04093520255770849, 'from': 0.038827044671752485}, {'Mr.': 0.07180353341565858, '.': 0.057056415034128005, 'Mrs.': 0.048115120275885444, 'W.': 0.039334005609068495, 'John': 0.038247965918293055, 'Miss': 0.03326146668020675, 'and': 0.032712322141966614, 'the': 0.026234112380644426, 'of': 0.025837595732099553}, {'land': 0.11922192989165022, 'was': 0.11890544908927055, 'and': 0.07776801773683457, 'is': 0.04718404229904334, 'situate,': 0.03998682948737735, 'been': 0.03652159775693405, 'be': 0.032618684191759735, 'were': 0.031892330758318155, 'are': 0.027758319052504202}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'<s>': 0.03822273467882165, 'the': 0.03220102333596463, 'and': 0.027641021776478005, 'a': 0.01775131569374045, '.': 0.01721774994855291, 'this': 0.016854914346594703, '1': 0.01680318266423757, 'pro-': 0.011711695785076696, 'on': 0.011321260497471508}, {'<s>': 0.09030992887293647, 'it.': 0.017929220794635752, 'them.': 0.014627676983074428, 'country.': 0.008157343851100616, '?': 0.007249689597289973, 'day.': 0.007155930086059493, 'people.': 0.007061094174432594, 'time.': 0.00616943015227065, 'men.': 0.006065966940794971}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'was': 0.2232555129477618, 'is': 0.1850028322072421, 'and': 0.12059025240321827, 'be': 0.1147764849130928, 'a': 0.06444347657166535, 'the': 0.062061045471891396, 'been': 0.055570571451086084, 'have': 0.05026837126568168, 'has': 0.04325922985453634}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.1722693708187301, 'of': 0.09955354082958989, 'and': 0.08738348799664396, 'to': 0.04491318822984764, 'a': 0.039346630771171655, 'in': 0.03338125987649676, 'Mr.': 0.02530667955301587, 'that': 0.020856504372029155, 'this': 0.018560860828943707}, {'of': 0.35381768694324167, 'to': 0.1084515452863273, 'that': 0.09699749773541752, 'and': 0.08851592735632854, 'by': 0.07996995557226248, 'in': 0.06044605789269968, 'for': 0.04327465203577004, 'all': 0.04317137489972106, 'on': 0.024584196882577226}, {'feet': 0.14869490161787652, 'and': 0.14363114642413796, 'so': 0.07453319682056068, 'the': 0.07177071732614021, 'to': 0.06692987330929727, 'a': 0.05682389579944506, 'that': 0.05401950786355758, 'all': 0.04516016538628404, 'as': 0.03438683400059937}, {'one': 0.12897392021378185, 'out': 0.07664784689118985, 'part': 0.06409373140028574, 'some': 0.05584305533119319, 'time': 0.03914926290286854, 'account': 0.035845171248451206, 'all': 0.032057463924492914, 'and': 0.027873419781873014, 'that': 0.02728087135118937}, {'it,': 0.021179868712849746, 'in': 0.0206720072622997, ';': 0.019279879296843078, 'them,': 0.015179485863110019, 'him': 0.012238580538965314, 'him,': 0.010244110379927014, 'it': 0.009641264129499465, 'me,': 0.009484107401003625, 'up': 0.008336910902012842}, {'sum': 0.1279267870964513, 'number': 0.07901503189107167, 'years': 0.043493032283284924, 'rate': 0.04164069542932722, 'out': 0.03567265265027552, 'full': 0.03310036093479041, 'line': 0.03013171309948366, 'amount': 0.027281755664271413, 'kind': 0.025261812019462964}, {'the': 0.20306152007221523, 'of': 0.19213561782721375, 'in': 0.055905959773187124, 'a': 0.05506388502831943, 'and': 0.052533491242913025, 'to': 0.05187721620985912, 'by': 0.02992882577350495, 'on': 0.02449945981672238, 'from': 0.023807559651069732}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'the': 0.5162413420612877, 'The': 0.08396224677852865, 'his': 0.0639378752821186, 'this': 0.058802866434357816, 'of': 0.03911381642030028, 'their': 0.03782914097244552, 'a': 0.03475787946632235, 'its': 0.028910388946934366, 'tho': 0.02639616659259186}, {'and': 0.10444648443070297, 'them': 0.041063509227431357, 'it': 0.03243135625162861, 'that': 0.02969031603878613, 'was': 0.02384963413919457, 'men': 0.023067708451576352, 'or': 0.022905448028835543, 'made': 0.02172281631248997, 'him': 0.021549423906803325}, {'of': 0.4117979773567478, 'to': 0.11707085048652106, 'in': 0.08138169319514742, 'by': 0.07133305500975752, 'on': 0.056622725579092585, 'that': 0.04958662210478228, 'from': 0.04078240670813541, 'and': 0.0354693374721446, 'with': 0.0342346163613758}, {'the': 0.8769830168886333, 'The': 0.04023685067909125, 'tho': 0.035313019601839024, 'tbe': 0.012170217618863305, 'and': 0.004572915613145989, 'this': 0.004398619003813703, 'his': 0.0031067276394240763, 'of': 0.0029153849003746633, 'a': 0.002421447097097036}, {'N.': 0.35962911113914836, 'the': 0.1664091392322837, 'X.': 0.05636852803041294, '.': 0.036738680002956846, 'of': 0.02078996052837645, 'and': 0.017963142325097894, 'J.': 0.017116791040374345, 'A': 0.01604811692211253, 'W.': 0.015360597678714064}, {'called': 0.35630951043205994, 'agreed': 0.1793720168316432, 'looked': 0.08205001613110711, 'relied': 0.04815810393501241, 'acted': 0.04593392920890825, 'levied': 0.027134893405008038, 'depended': 0.02391004452602321, 'made': 0.023535238009091356, 'imposed': 0.02332948219648724}, {'of': 0.1546712766964667, 'the': 0.12246846555040292, 'and': 0.10533083927408679, 'to': 0.0403626600434839, 'for': 0.02859267137846112, 'that': 0.028211061456971012, 'in': 0.02787315329598377, 'by': 0.02462432825298351, 'or': 0.023233975204769348}, {'the': 0.20446400185788172, 'of': 0.09756084593947854, 'and': 0.06626320864261782, 'that': 0.05841853400644303, 'Mr.': 0.04062365763410204, 'The': 0.03961358795752215, 'a': 0.03769044983071117, 'this': 0.01935264095985324, 'or': 0.017253280752688574}, {'of': 0.2757373621601618, 'in': 0.15313229214034818, 'and': 0.08383391639849715, 'to': 0.08124723044969068, 'with': 0.06573755907365193, 'for': 0.06081122795031167, 'by': 0.043274569880725734, 'all': 0.04303617939280414, 'from': 0.03929565372102175}, {'of': 0.20224049395763918, 'and': 0.058018154047055286, 'in': 0.04225376024458249, 'Thousand': 0.04075198174329588, 'the': 0.038855531738729854, 'to': 0.03146224958443016, '<s>': 0.01979602630533771, 'Township': 0.009907827618992442, 'In': 0.00920264738388693}, {'the': 0.7579295645939563, 'The': 0.06557305489294372, 'tho': 0.04302234809125791, 'a': 0.03676112066293429, 'and': 0.01825195717173266, 'tbe': 0.015529542835932072, 'no': 0.008527135056180588, 'an': 0.00817427695421896, 'this': 0.0062260613140746705}, {'are': 0.1815298253984631, 'be': 0.13053607656878655, 'the': 0.12433963745042143, 'is': 0.11369780044169023, 'not': 0.10699477999116258, 'and': 0.10084314870577248, 'was': 0.07429020227250366, 'of': 0.05549824678706257, 'most': 0.04688119579978995}, {'and': 0.12681213120300572, 'put': 0.05561541828319756, 'was': 0.04570362575451967, 'placed': 0.037791748603832546, 'is': 0.028770800177910373, 'it': 0.027872852649527612, 'that': 0.02717796751152828, 'out': 0.025867494961149796, 'down': 0.024533981542347382}, {'and': 0.11653211380346044, 'him': 0.02625933941231314, 'reason': 0.02582732508523391, 'made': 0.02563282402115782, 'but': 0.024781004380020052, 'enough': 0.022219103455556062, 'asked': 0.02118712567621095, 'time': 0.01940885746963108, 'them': 0.019264343491649065}, {'a': 0.3421643278247674, 'is': 0.1691401904162217, 'and': 0.08988973909084862, 'very': 0.0655519180645065, 'so': 0.06364318679413329, 'are': 0.062221493350946795, 'was': 0.05955255062328137, 'of': 0.04264163082484276, 'the': 0.04096268256390032}, {'the': 0.1640343054103979, 'of': 0.08054071966849546, 'said': 0.06680433937294367, 'and': 0.061975733654656126, 'such': 0.059551467388260844, 'no': 0.05391546306943883, 'or': 0.05256483613297314, 'any': 0.03991150432132332, 'that': 0.039282492608381105}, {'and': 0.2449289629597666, 'he': 0.10373403253454437, 'I': 0.06001334973933298, 'which': 0.040950533557707856, 'they': 0.029546676993765026, 'who': 0.026917782454720783, 'that': 0.025182564015828773, 'it': 0.02420367755168513, 'she': 0.023870987712792766}, {'-': 0.03593292543770999, 'day': 0.034214498240065144, 'and': 0.022237852129440797, 't': 0.02012030357629861, 'in': 0.01835123771339483, 'to': 0.01811359315558757, 'feet': 0.01663897041857722, '1': 0.01576073264647166, 'of': 0.014585611399920534}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'the': 0.2381505566107126, 'of': 0.09995154741726406, 'a': 0.07775818752424656, 'and': 0.07483192119707016, 'to': 0.04371236374535998, 'in': 0.03313650700902506, 'on': 0.025929830086063452, 'The': 0.019318532653132554, 'or': 0.019270219524862943}, {'the': 0.09207719455774811, 'of': 0.06778029400866775, 'and': 0.06443675132084614, 'be': 0.0566380259186732, 'to': 0.05447525573808333, 'was': 0.04838482530666679, 'is': 0.03608559601486139, 'a': 0.02824795808018061, 'are': 0.02734927276287514}, {'the': 0.3723140223689082, 'a': 0.14837169096478733, 'one': 0.13443182382437316, 'some': 0.04011569831848669, 'The': 0.03997253837895838, 'his': 0.03709295419109568, 'two': 0.03601873746851911, 'tho': 0.026783228316055844, 'their': 0.02506735852679073}, {'of': 0.14228231709026493, 'and': 0.09631579424778229, 'the': 0.09155350699300537, 'to': 0.08996291473395963, 'a': 0.05485741550532816, 'in': 0.048101960790690124, 'that': 0.02687578933768251, 'or': 0.026561592096383597, 'which': 0.02140284296714027}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'that': 0.3416398896557548, 'which': 0.11887803129388244, 'and': 0.08056276347449585, 'as': 0.05980903382604391, 'where': 0.046813859184237645, 'if': 0.04575536065458413, 'but': 0.04047340245984402, 'when': 0.035458442450329725, 'what': 0.0302208745943237}, {'and': 0.3211786534560278, 'or': 0.11178946764361947, 'that': 0.08038233448520735, 'not': 0.0676796904510514, 'but': 0.04988158453656303, 'to': 0.03260688426222801, 'But': 0.020160517115251526, 'is': 0.017687767842498543, 'for': 0.01739693824307337}, {'to': 0.2950171947644096, 'and': 0.15553725107508232, 'be': 0.12121213688831298, 'was': 0.0749054776703141, 'he': 0.05665997573649659, 'been': 0.039046029754105566, 'I': 0.036324259914482855, 'were': 0.0339543476803498, 'had': 0.02196984541222315}, {'the': 0.2182402185846929, 'a': 0.19539202259059674, 'of': 0.12655934282010983, 'for': 0.09399537321422656, 'in': 0.05844886848412421, 'at': 0.04333627799808884, 'and': 0.03199212185907453, 'that': 0.026474645095194666, 'to': 0.025491736615475633}, {'the': 0.3544241481520918, 'a': 0.1529030518123787, 'and': 0.05204478875206193, 'The': 0.049044049049458444, 'his': 0.0376950650181246, 'of': 0.0360194376771739, 'any': 0.027171649531267262, 'in': 0.022913235228093316, 'tho': 0.021566078212689646}, {'is': 0.12296459039618464, 'very': 0.12137154599270929, 'the': 0.1095289932180009, 'more': 0.10393468273826881, 'be': 0.10213161815709669, 'most': 0.10162866562059454, 'was': 0.08819194622891431, 'an': 0.08118875212227747, 'are': 0.056921616084696265}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'quarter': 0.021754537908278103, 'sum': 0.0196659042465815, 'one': 0.01790248505779403, 'part': 0.01689439536518167, 'that': 0.015433760336840498, 'purpose': 0.013210509003506898, 'instead': 0.012331409716142832, 'and': 0.011113609846841146, 'number': 0.010992019368487706}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'that': 0.18935855173540198, 'as': 0.13268619771123957, 'and': 0.12254418672613882, 'which': 0.08943415952774687, 'when': 0.0885072413939502, 'if': 0.06405361212552729, 'but': 0.03884562917548746, 'what': 0.0343721596340264, 'When': 0.032985931190803716}, {'and': 0.1045357706690972, 'was': 0.05218718960466644, 'is': 0.03657150985211025, 'up': 0.03179270443429782, 'it': 0.02923103566595117, 'that': 0.02886269927075706, 'made': 0.027230083034585482, 'them': 0.025847958332647383, 'him': 0.025322456750032085}, {'is': 0.22984190403803448, 'are': 0.12649082628038644, 'was': 0.07971451599500992, 'be': 0.07804333140771305, 'and': 0.07061922170159717, 'not': 0.038199563153028394, 'so': 0.03363653705637253, 'Is': 0.03110885428972748, 'were': 0.02830959397867259}, {'he': 0.15860115967992405, 'they': 0.12310980814487059, 'I': 0.1181443481714507, 'it': 0.09738970868252815, 'who': 0.07985451973972213, 'we': 0.05911585704194289, 'that': 0.054625374189410485, 'and': 0.05292088857983986, 'which': 0.05161701069184056}, {'the': 0.09876968152812211, 'and': 0.07030396609861649, 'was': 0.047641707440039066, 'as': 0.04564070991101724, 'is': 0.031309421046879865, 'a': 0.02927546696827334, 'street,': 0.026011229825237264, 'of': 0.025258919046305343, 'so': 0.021652931440093403}, {'of': 0.11654021564488615, 'the': 0.09769927937585056, 'to': 0.09119936321718826, 'in': 0.0777862209270928, 'and': 0.04742331608678505, 'a': 0.039620818600705675, 'on': 0.03505314238107633, 'by': 0.026127097385197112, 'at': 0.023560908508792007}, {'the': 0.3566059862888517, 'a': 0.15690519032383232, 'his': 0.1205168256503029, 'The': 0.09526741132857498, 'my': 0.05238226483797997, 'and': 0.03843200967863128, 'of': 0.027568206992740714, 'A': 0.027043940324151614, 'His': 0.023854415967766204}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'be': 0.29641801799211565, 'was': 0.14797537087013965, 'is': 0.11472547951070831, 'been': 0.10919000846968632, 'are': 0.06433055468185461, 'were': 0.044508820168427034, 'being': 0.03755031562788327, 'and': 0.031132471411669044, 'Is': 0.020955747241787438}, {'the': 0.20796401413713358, 'of': 0.14464505337019146, 'in': 0.1268900628238962, 'and': 0.07861048030212738, 'In': 0.048989370662135864, 'to': 0.04777307006748359, 'for': 0.04663580806286029, 'their': 0.028998343213717987, 'this': 0.02822730103712315}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'the': 0.28593550469076584, 'a': 0.1904363346592344, 'of': 0.14839663514028173, 'and': 0.05908288114604156, 'to': 0.05613874886859878, 'in': 0.04043443494401512, 'his': 0.04013036918490475, 'that': 0.03162620134322438, 'this': 0.030510081241169305}, {'the': 0.14886136944999082, 'of': 0.1400322998022505, 'and': 0.08802581966747483, 'a': 0.07002970098081586, 'to': 0.055046797118645935, 'at': 0.05305222875574049, 'in': 0.03170817747214451, 'for': 0.019431086464545135, 'his': 0.01809428873063982}, {'for': 0.19247763693707984, 'of': 0.16525110945881843, 'to': 0.12325669460903914, 'at': 0.10851424766913746, 'in': 0.09676928667411165, 'and': 0.052367517407731067, 'during': 0.04017462419225667, 'all': 0.03707899665453639, 'on': 0.03409470544615462}, {'day': 0.021586436561276342, 'and': 0.019248939860112564, 'made': 0.018004172931807554, 'out': 0.01124429973239081, 'up': 0.011039347371314503, 'feet': 0.010141627102080634, 'them': 0.0099424793063163, 'him': 0.009446371957849559, 'it': 0.009204413876091855}, {'of': 0.1097967814120607, 'and': 0.09332251266991509, 'to': 0.09045323519203427, 'the': 0.0808167746570023, 'at': 0.05066069936314799, 'in': 0.04242543163043197, 'for': 0.03974312749510532, 'a': 0.03576352409747065, 'be': 0.023277954416212443}, {'and': 0.08213079972801327, 'able': 0.06439129330609981, 'order': 0.06151941035238775, 'him': 0.05327494304662807, 'is': 0.05234560542986731, 'was': 0.04976311665320131, 'time': 0.04936093197534136, 'had': 0.047209006194783916, 'as': 0.04655753168574065}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'is': 0.12260471549830763, 'and': 0.12139780065440568, 'of': 0.11657264208082274, 'was': 0.09923102280859693, 'by': 0.09135976980962619, 'for': 0.08886551368747048, 'in': 0.060022283758835636, 'that': 0.055092647233990544, 'to': 0.04674938922719777}, {'the': 0.5568846167737779, 'a': 0.23809359201029634, 'The': 0.039962556311056656, 'tho': 0.02726520731420477, 'of': 0.013623467711425278, 'tbe': 0.013185146966275811, 'this': 0.01262524400977889, 'and': 0.00871780099237702, 'great': 0.006211602108897735}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'a': 0.34257619322780547, 'the': 0.2660601573232101, 'no': 0.05070630869993292, 'The': 0.04594666184632381, 'of': 0.04455838110648903, 'any': 0.041402117197386755, 'such': 0.03717094078804232, 'his': 0.03428724685385609, 'and': 0.03425475150562716}, {'and': 0.1652379378282337, 'of': 0.11100053055601973, 'or': 0.1066631712394344, 'within': 0.08220593645004151, 'the': 0.0816463432701333, 'as': 0.05852773871946376, 'in': 0.0561987512227942, 'than': 0.04158005776467308, 'about': 0.03969626297131507}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'city': 0.0948981479809874, 'county': 0.04947360748470416, 'City': 0.04682486039891496, 'day': 0.041167146859267034, 'State': 0.040927754908157, 'state': 0.0395011684617579, 'County': 0.03441797389688666, 'Board': 0.034189235255977286, 'line': 0.03094274833402928}, {'of': 0.1664603936555573, 'the': 0.12872801452962707, 'and': 0.07203902943919452, 'to': 0.05947996058503607, 'in': 0.025281470003209752, 'a': 0.022698464084154418, 'on': 0.020441427533177178, 'The': 0.0190286358476568, 'be': 0.018821371611387836}, {'it': 0.14666235719349513, 'It': 0.14470877816751312, 'he': 0.0945124943969407, 'which': 0.07156552169957323, 'and': 0.060073034420487885, 'This': 0.059451802840222605, 'there': 0.04375785307813736, 'that': 0.04099937529579349, 'He': 0.040123996196120185}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'his': 0.31208007859635134, 'her': 0.17861926646973464, 'their': 0.1295230509188907, 'my': 0.06043789387945316, 'of': 0.05377387774826436, 'the': 0.04838261186244588, 'our': 0.035127399190652595, 'own': 0.028837458030873748, 'your': 0.023569285191202983}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.1587375480149859, 'of': 0.08254551462499617, 'and': 0.08085930804487639, 'a': 0.06729257711216322, 'to': 0.061384945294075344, 'be': 0.030563864346128792, 'was': 0.0243997806807823, 'or': 0.020098682714989803, 'is': 0.017668635246422947}, {'the': 0.4936552449557831, 'a': 0.19698700519881737, 'The': 0.05907811249392751, 'to': 0.04851528683752696, 'and': 0.030568204006903306, 'tho': 0.02180470732853702, 'no': 0.02168767072357161, 'of': 0.01522286884578868, 'tbe': 0.010302797371350989}, {'the': 0.18673376287755653, 'of': 0.08479543529356735, 'and': 0.08241441771811453, 'a': 0.05977719283885075, 'be': 0.05321301869803664, 'to': 0.05093099430522586, 'was': 0.035315943964357964, 'is': 0.03284878071026813, 'in': 0.02776186629559035}, {'of': 0.3067039827020264, 'in': 0.12860986038951858, 'to': 0.11192348215971931, 'and': 0.07284514382920136, 'that': 0.07008216956356757, 'for': 0.05133945038998287, 'by': 0.04312774151342607, 'with': 0.04130600677997342, 'from': 0.03555594280972683}, {'of': 0.25210161965375943, 'for': 0.15008657958458782, 'to': 0.13171876749195768, 'in': 0.09257099675049525, 'with': 0.0818499465682311, 'and': 0.07555035327519388, 'on': 0.05844330960544267, 'by': 0.03988814472342529, 'that': 0.03307716419100959}, {'to': 0.46937856430114794, 'will': 0.195950178636043, 'would': 0.046090656107493806, 'can': 0.04229277665708625, 'and': 0.03873304098011221, 'may': 0.032510195399983184, 'not': 0.031915645808672864, 'could': 0.02680968805723786, 'shall': 0.02062069162761355}, {'in': 0.30494818366663196, 'of': 0.11001106145517278, 'to': 0.08694723655875485, 'and': 0.08635308826463417, 'In': 0.08437304173129534, 'the': 0.06570300952390522, 'with': 0.048226163666689206, 'without': 0.04068955517681475, 'a': 0.03736395669737928}, {'It': 0.3579983156575907, 'it': 0.2454264768431419, 'and': 0.05661391616476112, 'which': 0.051253075043315235, 'he': 0.03740472265550439, 'as': 0.028026825691439227, 'He': 0.015962291997795246, 'who': 0.01182202161540012, 'that': 0.010909639523929884}, {'of': 0.37552254068207747, 'the': 0.2109546640289074, 'in': 0.08162690416504334, 'for': 0.05667327722844784, 'with': 0.04563936796835135, 'to': 0.04554267199253616, 'and': 0.03680319804544219, 'by': 0.02332177069451824, 'a': 0.020777862035284204}, {'the': 0.46409566993061047, 'a': 0.25052420570715267, 'The': 0.15104322096390632, 'tho': 0.027973304361506704, 'A': 0.018489984700958355, 'and': 0.014296058404420183, 'of': 0.01212044025396794, 'tbe': 0.010045308919062917, 'his': 0.006193647921556752}, {'a': 0.3514165768581046, 'of': 0.13141932107838014, 'the': 0.0985324654714714, 'to': 0.08489834551144708, 'and': 0.08477830921460122, 'in': 0.04993191382525484, 'for': 0.04127459942983266, 'or': 0.033391192643458044, 'his': 0.03198882955389773}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'it': 0.2767746804462922, 'It': 0.1392847703568759, 'there': 0.07727980240897835, 'he': 0.06667869063938851, 'that': 0.06075776739853867, 'they': 0.048036591824296745, 'which': 0.04432484615907303, 'and': 0.031658081059459095, 'I': 0.019831117151427383}, {'it': 0.18799476193359307, 'It': 0.08908477585564534, 'there': 0.0782565161721338, 'they': 0.0607880603232045, 'that': 0.055266195416502926, 'which': 0.0511501671325387, 'he': 0.04987225743663854, 'and': 0.04873018340012423, 'I': 0.03700648773256737}, {'is': 0.23752981229571019, 'was': 0.1573732056417701, 'had': 0.12598563656290981, 'have': 0.12204857186847606, 'and': 0.06352816611008641, 'do': 0.04923763945051584, 'has': 0.04589910336080016, 'Is': 0.04506175792735947, 'that': 0.04455411423523266}, {'be': 0.267777865130797, 'is': 0.13112140463704217, 'was': 0.09119819537630082, 'become': 0.07265054719004876, 'amount': 0.05697143200237567, 'are': 0.05661377710797943, 'been': 0.05288406661554818, 'in': 0.04144439711502781, 'now': 0.03855281886999962}, {'of': 0.1464483725654354, 'the': 0.12757809919792562, 'in': 0.07122332847832293, 'and': 0.06182895981879446, 'to': 0.06066532589653554, 'a': 0.056126753353334086, 'for': 0.03446162540190451, 'at': 0.03005072308841726, 'or': 0.02395053977107445}, {'the': 0.16605852186639355, 'of': 0.14070937603475167, 'and': 0.1143345987638643, 'in': 0.08060971843095242, 'a': 0.04712128076684607, 'was': 0.041385229895600145, 'is': 0.03268934456189368, 'are': 0.02829970660919936, 'be': 0.02710781124776313}, {'and': 0.07988500122693153, 'of': 0.07218741876167212, 'to': 0.05348363668829128, 'I': 0.050327948321290256, 'the': 0.039345456599393806, 'that': 0.03046482479208749, 'a': 0.030369140852650692, 'in': 0.02882924944747889, 'for': 0.01720205389249186}, {'and': 0.15177829470309434, 'was': 0.14601497918601067, 'be': 0.1278682947125747, 'he': 0.09755110294420222, 'been': 0.0594670721667822, 'is': 0.05444344718249865, 'were': 0.034973328076634926, 'I': 0.03475726988570081, 'have': 0.03157280896656139}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.6110895114605014, 'of': 0.0779373204751079, 'and': 0.0353548366980545, 'The': 0.03163084743367613, 'by': 0.025245118202498168, 'tho': 0.023774399692293047, 'Vice': 0.02281233729327189, 'to': 0.019007054892545828, 'tbe': 0.012067726003620074}, {'the': 0.5142593812064998, 'of': 0.12492134490673594, 'a': 0.09263747502655381, 'civil': 0.06607835434493194, 'The': 0.04836425656580063, 'tho': 0.031544189576752965, 'this': 0.028717352222235922, 'Civil': 0.019041961523386917, 'his': 0.017103392506813378}, {'made': 0.07823932728573674, 'and': 0.0564804969871594, 'shown': 0.034267064985190554, 'out': 0.029001595092026874, 'him': 0.027717087499692917, 'up': 0.02659680361620415, 'ed': 0.0242531530531551, 'done': 0.023861607560397104, 'or': 0.023650401490389078}, {'and': 0.47116291379493824, 'the': 0.06865949203497797, 'was': 0.055708413499579355, 'I': 0.04262282143182896, 'is': 0.0420224046787514, 'are': 0.04200823679433475, 'of': 0.04198878945839392, 'or': 0.040918755201378644, 'not': 0.02990083423693443}, {'thence': 0.10243913188745352, 'came': 0.0649538471002006, 'and': 0.0648200593152159, 'went': 0.0611105302803382, 'get': 0.05842411272116352, 'go': 0.05511060211037103, 'going': 0.03697585722095889, 'all': 0.03341003227044484, 'walked': 0.03177510997506488}, {'and': 0.1939641845564564, 'of': 0.09444622809578312, 'fact': 0.07830446717634114, 'in': 0.052442526973599954, 'is': 0.030075279793534176, 'to': 0.028295176757852872, 'for': 0.02778428023136249, 'all': 0.026385361868327087, 'say': 0.02579011480255435}, {'the': 0.12536321778065443, 'of': 0.07074414922895336, 'and': 0.06663694525719804, 'to': 0.04706968428743346, 'be': 0.03970892575083226, 'a': 0.03552076621326602, 'was': 0.02629714974341439, 'their': 0.022389826767194306, 'in': 0.02035385872560601}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'is': 0.21676159396778957, 'was': 0.14940743204445586, 'and': 0.12084773549862045, 'be': 0.09695041610634375, 'are': 0.09106956417572275, 'were': 0.057223438768587556, 'been': 0.03655606184797087, 'not': 0.03357334499177195, 'Is': 0.02900749319334394}, {'the': 0.3397551162845543, 'of': 0.15678637414404248, 'and': 0.08427933492877335, 'The': 0.0831081757477615, 'for': 0.023017401906578857, 'that': 0.02264116073621129, 'which': 0.019596741568567888, 'tho': 0.016872676992993024, 'Mr.': 0.015799436005192354}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {'it': 0.07294530904058559, 'that': 0.06922410455217835, 'and': 0.060552399428342875, 'which': 0.05781265650597301, 'he': 0.05567137074599146, 'It': 0.03946820779614109, 'who': 0.038216750528341996, 'I': 0.023541947306751316, 'she': 0.012926707707578906}, {'and': 0.27823056179657946, 'that': 0.05964678451051457, 'time': 0.058582124398561176, 'but': 0.0458136659459374, 'was': 0.021022896520407272, 'except': 0.019283490556764954, 'day': 0.017814917818035656, 'and,': 0.01697530681162375, 'or': 0.015750806080903967}, {'the': 0.31434446732859406, 'a': 0.19746058790300544, 'of': 0.10098215349630144, 'and': 0.05276433914411872, 'in': 0.03726220411330307, 'with': 0.03486646614831882, 'his': 0.02667583965739192, 'to': 0.02567454404638568, 'this': 0.021459433916894866}, {'the': 0.15612941028919008, 'his': 0.15430269589752663, 'their': 0.09808988132200641, 'of': 0.09626278837155675, 'no': 0.07801230629927476, 'and': 0.06952029158607344, 'in': 0.0646728410712894, 'two': 0.0646029023355428, 'her': 0.04388743209817527}, {'the': 0.27489046385639815, 'a': 0.1398392100897069, 'to': 0.0837655378582463, 'this': 0.07056377157412712, 'one': 0.04484936941355776, 'and': 0.035422697317116295, 'other': 0.02952628849484371, 'of': 0.028254210101470792, 'any': 0.027222800480138892}, {'the': 0.39742482831614806, 'a': 0.12181192645222998, 'of': 0.07095166034469841, 'and': 0.05344362370046894, 'The': 0.05003501748642665, 'an': 0.023252032288573646, 'tho': 0.021119284854148726, 'to': 0.020250424417057326, 'with': 0.01610013060004179}, {'the': 0.4635324744057903, 'a': 0.1242481390132527, 'of': 0.07287073544233161, 'to': 0.06592367235172684, 'The': 0.04087442580135786, 'tho': 0.02676539571474931, 'and': 0.024780068759455733, 'for': 0.021729278935596376, 'no': 0.014888245962638002}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'and': 0.13824786472764145, 'the': 0.131523683409402, 'to': 0.08904165180837251, 'of': 0.08065892185837781, 'was': 0.04384038659310299, 'is': 0.027242646024852567, 'be': 0.023299484359379116, 'will': 0.02285573522006243, 'are': 0.021266191451483746}, {'in': 0.26565903277450287, 'of': 0.1809931189943158, 'to': 0.1467898755140176, 'and': 0.0723616086775024, 'on': 0.07168513641100883, 'In': 0.04329746343467748, 'at': 0.04203287988976314, 'with': 0.040538046893641114, 'for': 0.03638619713666548}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'it': 0.28638677636971316, 'It': 0.1680205288284293, 'which': 0.0868958610085858, 'and': 0.05033431174492818, 'that': 0.04594530172482223, 'he': 0.03859101776688651, 'there': 0.03558258526801665, 'who': 0.02693858442766281, 'as': 0.016437927733507114}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.12472539581422254, 'the': 0.09801542376261456, 'of': 0.0913249525383623, 'and': 0.08995617342368804, 'in': 0.032539654286820915, 'a': 0.025590233867265867, 'be': 0.0219791195289172, 'not': 0.01925977640162343, 'or': 0.01843688092305371}, {'to': 0.5891106639028885, 'will': 0.08332796309881428, 'and': 0.07713671044603093, 'would': 0.041444292471026614, 'in': 0.023408862160906076, 'a': 0.01942660495290634, 'not': 0.01920470843693782, 'the': 0.01766486933998064, 'of': 0.01649725851792235}, {'and': 0.18920249103139433, 'was': 0.11297041378537383, 'have': 0.1083642448592668, 'had': 0.10694939184559055, 'has': 0.09664194726676822, 'is': 0.08166154485077136, 'I': 0.0643463227931525, 'he': 0.049616366740799465, 'but': 0.04733025672127699}, {'the': 0.7611218185614748, 'a': 0.06146788080877003, 'tho': 0.03288670200205657, 'The': 0.03190063681935024, 'and': 0.013603388233743467, 'great': 0.010577620365491591, 'tbe': 0.0097173655953191, 'no': 0.009481153122158035, 'an': 0.006619621782473221}, {'of': 0.2097158981525914, 'in': 0.19706261875956102, 'to': 0.10408925411243385, 'for': 0.08147604001953555, 'In': 0.06783190118934203, 'and': 0.06425527150760926, 'from': 0.03070263535545161, 'with': 0.030359912484395374, 'by': 0.018085883158357335}, {'a': 0.7110025920705019, 'the': 0.07914469919485623, 'one': 0.03611783368324244, 'A': 0.02830080363411203, 'every': 0.022196604110873184, 'and': 0.013916401105104677, 'first': 0.012152282305244894, 'large': 0.011630521610869917, 'The': 0.009784074304075283}, {'to': 0.6211719371478475, 'in': 0.06721237370658567, 'not': 0.059574804869665245, 'the': 0.039023782907365315, 'and': 0.038029616441418286, 'his': 0.036216400867439, 'had': 0.029036312762188744, 'In': 0.024606318703301884, 'will': 0.021753436466568635}, {'have': 0.23400206059875436, 'and': 0.18850327785343293, 'has': 0.12693326930671547, 'had': 0.12149159002955075, 'I': 0.056107081757633605, 'they': 0.047353253541250036, 'is': 0.04705589260454584, 'he': 0.04557014952454551, 'be': 0.03369396777655661}, {'the': 0.6292924393429894, 'a': 0.10616507724041621, 'The': 0.04674551146508267, 'and': 0.031082723022942467, 'tho': 0.030590052928833582, 'of': 0.02995769539376901, 'for': 0.026232042437521513, 'tbe': 0.011912366086233238, 'as': 0.01158385125968626}, {'the': 0.29812518296654067, 'his': 0.271001815962244, 'my': 0.09337100169164314, 'her': 0.07390377933564508, 'their': 0.03505978996062795, 'a': 0.031253189442703604, 'of': 0.030814152445390892, 'its': 0.021770042083882377, 'our': 0.017388882510753125}, {'time': 0.011881328133200687, 'up': 0.011683740104662046, ';': 0.009180595494639667, 'day': 0.007824885525794318, 'house': 0.00692381884477605, 'him': 0.006834564593570457, 'men': 0.0067128503751711695, '': 0.0064731625379462, 'made': 0.006251732506654413}, {'<s>': 0.03735789217782324, 'them.': 0.01719119036666762, 'it.': 0.017188289114730748, 'time.': 0.008426460310804292, 'him.': 0.006668472705793839, 'as': 0.006357454071584937, 'day.': 0.0056416282549771445, 'tion.': 0.005369302509361783, 'country.': 0.00535427151593551}, {'they': 0.17952874720867512, 'we': 0.10266034366234093, 'who': 0.07199192539497867, 'there': 0.06963674000086478, 'you': 0.06556247488293251, 'which': 0.05401747148161522, 'There': 0.0494272408818927, 'They': 0.04787789854325956, 'that': 0.034606098891090675}, {'so': 0.21244108684840926, 'is': 0.13699997421964286, 'not': 0.11797376342680758, 'as': 0.08314080335588903, 'are': 0.07610901551222775, 'and': 0.07140822082442767, 'was': 0.06569494875925498, 'very': 0.0656291282798942, 'a': 0.05267894295941076}, {'D': 0.16374800329468342, 'S': 0.07679098262575983, 'A': 0.07526770495867001, 'C': 0.07416972605978865, 'J': 0.06806103515352924, 'W': 0.06253848085947518, 'M': 0.06096242982188564, 'E': 0.05898288739855025, 'F': 0.04825754498221571}, {'the': 0.22991966144413042, 'any': 0.22724065587366607, 'a': 0.20962142914547252, 'of': 0.0610810878315637, 'no': 0.05321272017517424, 'other': 0.052810673093431494, 'one': 0.0369896868454657, 'some': 0.035007260132748824, 'Any': 0.03245484254297018}, {'and': 0.11695425223091017, 'is': 0.07822454668618752, 'of': 0.07145236983322058, 'was': 0.06505880225413198, 'it': 0.0634287683788117, 'are': 0.0574658541845237, 'now': 0.04471578759345093, 'as': 0.030936406326531905, 'there': 0.02990816648183931}, {'to': 0.5761736300881417, 'will': 0.08273497685277677, 'would': 0.06545879173013748, 'and': 0.06253790842919388, 'shall': 0.036838937042750104, 'not': 0.03266735625108911, 'may': 0.031005383480463746, 'should': 0.024705236149351734, 'must': 0.017612077415330125}, {'most': 0.2361564148239799, 'is': 0.12425041385566768, 'more': 0.1193936403160219, 'and': 0.08240398258138347, 'was': 0.07896724442425769, 'the': 0.07857958942705748, 'be': 0.07234731048833747, 'an': 0.06984712556759969, 'very': 0.06965625527253344}, {'the': 0.1388035983537203, 'of': 0.09132232166075781, 'and': 0.05822172645464858, 'be': 0.05477370725084127, 'to': 0.04202945457210844, 'his': 0.03334235491753764, 'was': 0.0330377276597825, 're-': 0.02945046647818679, 'their': 0.028127301946301374}, {'the': 0.3207183440572516, 'of': 0.16005897573575248, 'and': 0.0670678708889498, 'The': 0.0545431756612426, 'tho': 0.02340787727392168, 'in': 0.023334390362820284, 'said': 0.020656578491558462, 'by': 0.01870575116539379, 'to': 0.017203223257259724}, {'a': 0.26389550042175874, 'the': 0.2030795875063639, 'of': 0.06723468007312243, 'this': 0.06480769191747124, 'to': 0.057331576022189155, 'and': 0.046755362991518355, 'that': 0.037542614423235546, 'one': 0.035271465713561594, 'on': 0.03479075739630082}, {'the': 0.4594478348173505, 'The': 0.1002188825482809, 'cold': 0.09907051308423905, 'of': 0.06328983250743207, 'tho': 0.03718536831890547, 'our': 0.03000485496439275, 'this': 0.02970118346037734, 'a': 0.02751458318326492, 'warm': 0.026694185879379505}, {'of': 0.2615418788703956, 'by': 0.11195305532661629, 'and': 0.09394336829945589, 'with': 0.09101883584700289, 'to': 0.08041290091160969, 'that': 0.06288227996832288, 'in': 0.05816684630396008, 'as': 0.055323198661206364, 'is': 0.03701901621495351}, {'of': 0.3161312328484052, 'in': 0.12259015779592154, 'to': 0.12002341047476131, 'and': 0.07772041359088364, 'for': 0.06550066542455563, 'with': 0.04966348268377707, 'that': 0.04211504425374486, 'on': 0.03900294471393739, 'by': 0.038286441654749946}, {'in': 0.5415994034412285, 'In': 0.10664120859663107, 'of': 0.08044928942064866, 'or': 0.05358750095202415, 'to': 0.04126819513576259, 'at': 0.03466955116238742, 'for': 0.03222512319658657, 'without': 0.02957911711539336, 'by': 0.022033281186554135}, {'of': 0.3704322020134075, 'in': 0.1550976418024433, 'to': 0.10508691263784725, 'by': 0.0584974755839562, 'on': 0.051130620589419716, 'and': 0.045085944032279134, 'that': 0.03724675628222553, 'from': 0.03449139637151387, 'with': 0.030867596065456224}, {'the': 0.14580101023001985, 'and': 0.08345600474459582, 'of': 0.061358702503145714, 'in': 0.03303032765032067, 'to': 0.031900760890739115, 'that': 0.027589384618926908, 'was': 0.025708557126718105, 'I': 0.024702043153506725, 'be': 0.023796320985392878}, {'to': 0.5926062093067475, 'not': 0.05883358176954841, 'and': 0.05731514550279081, 'can': 0.051217184339064775, 'could': 0.05042186992810499, 'will': 0.039859915260296516, 'I': 0.027502763756117033, 'they': 0.024174042201807334, 'would': 0.02217008510755564}, {'of': 0.17507776002669365, 'for': 0.13010535930993172, 'with': 0.10174920930331052, 'is': 0.08132458244869048, 'to': 0.08104528138528758, 'in': 0.0678395520116344, 'and': 0.0675555622486785, 'as': 0.06637120996249571, 'by': 0.05095703227310212}, {'of': 0.5347252141830501, 'to': 0.05387754872474011, 'in': 0.04929150319863309, 'and': 0.03705446463855209, 'the': 0.027457090547410305, 'for': 0.021469605003356172, '<s>': 0.01026556736190244, 'from': 0.0076627372497089325, 'ot': 0.007334567932168633}, {'of': 0.10986595200626297, 'and': 0.08680662282178876, 'the': 0.06776364738396161, 'to': 0.06044900954006751, 'in': 0.051931317692124765, 'that': 0.028138203901137325, 'for': 0.025652446376364414, 'or': 0.024555283240250005, 'a': 0.02082897404447927}, {'that': 0.17396403551039885, 'and': 0.1197108047713774, 'as': 0.1138535427781994, 'when': 0.11206383078274432, 'which': 0.09041226391111581, 'When': 0.05125050709445159, 'if': 0.050719838676449164, 'but': 0.03997196564701865, 'until': 0.02738797356093267}, {'well': 0.12861105478714124, 'known': 0.11056901308738208, 'soon': 0.10265345104878522, 'far': 0.08113948490760056, 'and': 0.06324672230498624, 'long': 0.03717583764638481, 'such': 0.02924921957793252, 'just': 0.02412525568479837, 'much': 0.020403672152392097}, {'the': 0.19759164151010922, 'to': 0.08581187423856895, 'of': 0.0819794663112482, 'a': 0.08016570581140456, 'and': 0.051426339793529084, 'in': 0.041190725115560496, '.': 0.018506985519551815, 'at': 0.016689095578831345, 'or': 0.013206759984499833}, {'and': 0.12143700259171741, 'of': 0.11002309929681428, 'the': 0.10511537379967377, 'to': 0.06059505241037516, 'a': 0.03677917298495231, 'I': 0.022854739523480636, 'in': 0.022688990918444542, 'or': 0.019147999236866966, 'for': 0.01839064443026417}, {'the': 0.2351570997085267, 'a': 0.09303346090643537, 'and': 0.0884354013120985, 'of': 0.07895031467921525, 'to': 0.042178996471864835, 'in': 0.036587796414278166, 'The': 0.02422498215138441, 'an': 0.02259360053097668, 'Mr.': 0.022342309077544024}, {'and': 0.11804510759079848, 'I': 0.05173876060754746, 'that': 0.03808940266551298, 'the': 0.027199161349088626, 'but': 0.02412948112562866, 'can': 0.023412834266268102, 'he': 0.022889021431350767, 'or': 0.017089887174313003, 'will': 0.015625823565276174}, {'of': 0.3705811941320057, 'the': 0.17096499050806013, 'in': 0.1627757334200465, 'by': 0.11004316263072715, 'to': 0.041887777335600666, 'on': 0.03220715031137036, 'In': 0.021830337501445196, 'from': 0.01997296052168822, 'upon': 0.01882395379744337}, {'and': 0.14921025262912815, 'that': 0.1273390294896497, 'as': 0.060060864782868616, 'but': 0.053633994965500545, 'made': 0.05086297411149459, 'make': 0.0363003737765819, 'to': 0.034181573372107955, 'when': 0.03286026348396185, 'of': 0.031899567633766245}, {'they': 0.1564098150725853, 'who': 0.0896942647169086, 'men': 0.07007139870269546, 'which': 0.06812129992183463, 'and': 0.052763194896144436, 'They': 0.038560402599013874, 'we': 0.03844085937656613, 'there': 0.026762397582612445, 'that': 0.023677066928343263}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'of': 0.10997266824799232, 'that': 0.04579988347951871, 'and': 0.04232929552253542, 'in': 0.03417058724308774, 'after': 0.02077035456237522, 'to': 0.019927991656272303, 'for': 0.019336435204459955, 'by': 0.017197129380994266, 'from': 0.01456993563598249}, {'the': 0.3266893109700805, 'of': 0.10865356302454227, 'The': 0.08936831679636473, 'that': 0.03460106287947712, 'tho': 0.021276215997285, '<s>': 0.019488761410321062, 'Mr.': 0.016594717391682914, 'and': 0.015610789363068783, 'by': 0.01283350981554186}, {'the': 0.22575814032182426, 'of': 0.09911541009241416, 'and': 0.09625895796529832, 'a': 0.09389061246792381, 'to': 0.06275322674763519, 'in': 0.04636662565288402, 'The': 0.017125386513297605, 'tho': 0.016820236083501354, 'for': 0.016722843631776722}, {'J': 0.047411628847753066, 'and': 0.04695328594929797, 'W': 0.04213851226917766, 'of': 0.031646151904867796, 'at': 0.026330537300243286, '<s>': 0.0257488187736862, 'E': 0.02408463885440224, '.': 0.023673126792121447, 'the': 0.021527539741958007}, {'<s>': 0.05372299671472597, 'and': 0.0440015126417723, 'made': 0.02147776545770418, 'was': 0.020722601671332417, 'recorded': 0.01721332982044608, 'that': 0.016451625802595585, 'be': 0.014674645262778993, 'is': 0.013649312208410971, "o'clock": 0.013164741234437755}, {'and': 0.07801376660525984, 'place': 0.02575302605418907, 'was': 0.021495863062901206, 'held': 0.0186142326999743, 'made': 0.016280106699338298, 'committee': 0.015721467619717162, 'work': 0.015321371046399843, 'Minnesota,': 0.01406544456538019, 'up': 0.013937710844377279}, {'do': 0.45570931229546935, 'did': 0.25998372190407654, 'does': 0.1064768291626439, 'could': 0.04804158933133555, 'would': 0.0430768449535533, 'will': 0.03056810095073407, 'and': 0.010913426860507504, 'is': 0.010587987094106806, 'should': 0.008556838008775804}, {'was': 0.15214647535877582, 'of': 0.14585840244129716, 'in': 0.13640075504910334, 'is': 0.1140364568403706, 'and': 0.08726806732286471, 'be': 0.06290050196891098, 'are': 0.05536980625647211, 'been': 0.04395537105558149, 'not': 0.03480850745768994}, {'this': 0.19156024711213152, 'the': 0.1498409568289498, 'an': 0.12596093128485658, 'a': 0.09780068521668708, 'his': 0.07645920888848741, 'one': 0.04977955554504569, 'no': 0.04529859739943936, 'every': 0.03787664216741824, 'such': 0.03640794509942145}, {'the': 0.3122387321070813, 'his': 0.11091149998985773, 'a': 0.1000599923390999, 'of': 0.09150658651735245, 'and': 0.0565676678462106, 'said': 0.041407726089657856, 'their': 0.039901365599982745, 'my': 0.03184700358242063, 'with': 0.025627230367816577}, {'the': 0.35770197328705455, 'and': 0.056480826761187944, 'of': 0.050293349802495294, 'The': 0.036500416097085334, 'said': 0.031847465730434184, 'tho': 0.02264516171222192, 'in': 0.019734694665735575, 'that': 0.01802997661030097, 'a': 0.015644230942051612}, {'of': 0.19610712760388527, 'the': 0.11434314778107683, 'in': 0.07403849314723446, 'and': 0.06253554035657996, 'to': 0.05851550803802459, 'on': 0.030249218431078043, 'from': 0.027993755062997425, 'for': 0.026829101302781405, 'a': 0.026717266400504428}, {'spite': 0.045137240254712885, 'out': 0.04424821759494123, 'and': 0.042387846725938115, 'that': 0.031532816806600014, 'value': 0.030976526575895072, 'part': 0.02923098128068187, 'one': 0.02705296097519493, 'sum': 0.026262170635994554, 'amount': 0.023578892961717654}, {'that': 0.219934444398205, 'and': 0.21113691385093003, 'if': 0.10047088110649484, 'but': 0.06586699528745382, 'when': 0.05590435043399078, 'If': 0.05033590586325005, 'where': 0.044862268696745006, 'as': 0.043133356312057725, 'which': 0.03766758260872809}, {'the': 0.737563323655806, 'tho': 0.03554270298960741, 'our': 0.031101741358004722, 'of': 0.028964103950467803, 'American': 0.025708331010352713, 'a': 0.017700091900495808, 'and': 0.016612767298465662, 'tbe': 0.01548003951792949, 'his': 0.013975684182955288}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'to': 0.3429950018539608, 'and': 0.26350270248875957, 'the': 0.08416185678727636, 'of': 0.06986181733726347, 'would': 0.038480351217658686, 'for': 0.02952498993394738, 'in': 0.02704557300804769, 'that': 0.024511811599499878, 'will': 0.02444754832248502}, {'the': 0.5331498649302131, 'Judicial': 0.08309771071104441, 'in': 0.046344134951443336, 'said': 0.044180118913240744, 'tho': 0.028656087471750115, 'of': 0.027705212099908227, 'Congressional': 0.02357423272766368, 'School': 0.019642074725937344, 'a': 0.018017602771809534}, {'taken': 0.12072280074573263, 'far': 0.07918741531455156, 'get': 0.07813242867558656, 'put': 0.06911288353763839, 'carried': 0.06728720152645602, 'went': 0.06430862049559202, 'go': 0.05826145086803243, 'them': 0.051426438130134595, 'take': 0.05120546793928041}, {'the': 0.24583119877008647, 'and': 0.2050330462297934, 'The': 0.04074248707055848, 'of': 0.03703652294802343, 'by': 0.036584373498050674, 'as': 0.02438251323513609, '.': 0.019649897006106556, 'tho': 0.01540607732303054, '<s>': 0.012820756675326334}, {'he': 0.1721410042048158, 'It': 0.1646133347039908, 'it': 0.15600984281458977, 'and': 0.14103391617887337, 'she': 0.046179012477966574, 'He': 0.04125467064413825, 'who': 0.03640888250163708, 'I': 0.035037001136900975, 'that': 0.02707264715209968}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'the': 0.2846193865888671, 'a': 0.09044562556382703, 'and': 0.045786854860649116, 'The': 0.04544492703538689, 'of': 0.040704125283173666, '.': 0.024649110355834617, 'A': 0.024135192140300764, 'Mr.': 0.019990705588466964, 'tho': 0.017412540837843406}, {'be': 0.24012752733923265, 'was': 0.12021450909339362, 'and': 0.11434556809886522, 'been': 0.08969581468715387, 'had': 0.07028553327351916, 'have': 0.06718525054989577, 'is': 0.05207030643784535, 'has': 0.047358615418452515, 'greatly': 0.042269669549937515}, {'of': 0.1654869368388498, 'and': 0.04183839913107352, 'to': 0.037015811939151474, 'in': 0.034131773101931794, 'that': 0.03301090593075763, 'by': 0.021975815020134508, 'from': 0.021776681220505426, 'for': 0.020796475168516883, 'things': 0.019618835207159672}, {'of': 0.25862052763252813, 'to': 0.11197613806679155, 'in': 0.10295104435676526, 'with': 0.07380460955197411, 'on': 0.05353403737831844, 'and': 0.04777229345001779, 'for': 0.04567906412807066, 'by': 0.04207755826294618, 'from': 0.03746636386983616}, {'one': 0.03638621153162691, 'and': 0.03121235778418712, 'two': 0.023220510085444786, 'side': 0.0226348508059955, 'out': 0.019101161271257293, 'part': 0.016650791652881542, 'reason': 0.016554317727911404, 'people': 0.016342811875792843, 'that': 0.015880501830830677}, {'time': 0.01796688440448493, 'it': 0.01290430880799597, 'more': 0.010559344311001835, 'hundred': 0.009982656823746773, 'up': 0.009279939112901162, 'him': 0.009082865221265918, 'life': 0.008996329285442396, 'out': 0.008807235657988908, 'in': 0.008133632889795604}, {'to': 0.11495506970688947, 'and': 0.0918393574270878, 'of': 0.05425215205235922, 'the': 0.038148505989931185, 'is': 0.033204246463063636, 'in': 0.0295109246546491, 'was': 0.028580498797366398, 'con-': 0.02505349819126404, 'will': 0.023876091631703095}, {'of': 0.21003143425032597, 'for': 0.1639466975518387, 'in': 0.13225415015684477, 'within': 0.12369483930661414, 'In': 0.08661083229212649, 'during': 0.05727008841673032, 'and': 0.044951716596486065, 'from': 0.036822338600194716, 'to': 0.0355383513377163}, {'so': 0.21764889832806303, 'well': 0.10074170800790602, 'far': 0.04324856442414379, 'and': 0.04250793942297935, 'such': 0.0372505463474408, 'much': 0.0323348802865727, 'it': 0.025828243068384233, 'manner': 0.02365749262428238, 'doubt': 0.02210158950627251}, {'<s>': 0.04378332423082362, 'of': 0.027284276706043394, 'it.': 0.02711471937293654, 'them.': 0.018672049864762064, 'and': 0.0172715158760116, 'as': 0.01616475641461529, 'that': 0.01365667986111, 'him.': 0.013059585446220793, 'in': 0.011622405311489078}, {'the': 0.5393628459133777, 'a': 0.1539577237660081, 'of': 0.10557449331014483, 'tho': 0.03677654562681759, 'The': 0.024727470867488038, 'his': 0.021978348901016236, 'and': 0.01845006009242967, 'our': 0.016454857389525977, 'their': 0.016399615682451338}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'of': 0.2720688993427645, 'dated': 0.10664755702313608, 'in': 0.07593713799779413, 'on': 0.07548365867029809, 'and': 0.055957498850105536, 'at': 0.051742860746100725, 'to': 0.03925749952932317, 'the': 0.03302597000185493, 'for': 0.02780981513174247}, {'act': 0.0647421499554393, 'day': 0.04410588807956885, 'part': 0.028968516323382276, 'State': 0.026108569269073643, 'and': 0.024757483918741562, 'city': 0.023754409928367987, 'out': 0.02295058352908238, 'that': 0.02124100752760984, 'Act': 0.020422509513965702}, {'well': 0.12861105478714124, 'known': 0.11056901308738208, 'soon': 0.10265345104878522, 'far': 0.08113948490760056, 'and': 0.06324672230498624, 'long': 0.03717583764638481, 'such': 0.02924921957793252, 'just': 0.02412525568479837, 'much': 0.020403672152392097}, {'is': 0.3096145029849459, 'are': 0.16848970635662308, 'and': 0.14946435991520032, 'Is': 0.04606794820730526, 'was': 0.033209169247111425, 'not': 0.03214204575859804, 'I': 0.030791406547056397, 'but': 0.025906347573719294, 'have': 0.02487020804870596}, {'the': 0.18661680010278714, 'of': 0.13859764054053605, 'and': 0.07335019016230905, 'a': 0.05494436772921211, 'to': 0.053415033064953356, 'be': 0.04822901224060068, 'in': 0.03206715104658127, 'for': 0.028225088042469478, 'their': 0.02739971087179803}, {'of': 0.45157769211609017, 'that': 0.10362946610618512, 'in': 0.0839819903503576, 'all': 0.06438827335431538, 'and': 0.055232825486038306, 'to': 0.04732951401648457, 'on': 0.038585720870303604, 'from': 0.03792287586954798, 'for': 0.03697927517499133}, {'it': 0.17314207392503408, 'he': 0.1244638971885611, 'they': 0.08777512050843714, 'It': 0.0807189241349081, 'who': 0.07179493071769771, 'which': 0.05805385509502029, 'we': 0.05532954639058463, 'and': 0.053457630774566174, 'you': 0.037849510582504645}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'that': 0.1731469395570031, 'if': 0.17232922135915538, 'If': 0.13517961880654078, 'and': 0.11448312682075752, 'do': 0.06044845745064127, 'which': 0.0573264409529318, 'Do': 0.044247421941944386, 'when': 0.03858670517902132, 'what': 0.032236561785065974}, {'of': 0.27071895928893613, 'in': 0.16398732750836273, 'to': 0.12081077410507976, 'and': 0.0800475965487492, 'for': 0.06452090137127267, 'that': 0.05644063524930616, 'with': 0.05471700586215914, 'by': 0.04637708133131841, 'on': 0.04180467369479214}, {'the': 0.1392368632724458, 'of': 0.12046505298528164, 'and': 0.0683081939349334, 'to': 0.061306043625024696, 'a': 0.03399010478021362, 'in': 0.024612407363001087, 'at': 0.023409614959264597, 'was': 0.022643429193584988, 'is': 0.021196527357326318}, {'he': 0.17616456197075742, 'it': 0.15441103573480403, 'and': 0.09076508473136094, 'It': 0.07798639022360399, 'He': 0.055425350292089566, 'she': 0.04846763078008039, 'who': 0.03269875568646857, 'that': 0.028865145113659795, 'which': 0.027860363824445164}, {'the': 0.2551863339239991, 'a': 0.11483451287397918, 'their': 0.06755623030731364, 'his': 0.06541694547281908, 'of': 0.06296054829765332, 'and': 0.047537701684389554, 'are': 0.034567863504190346, 'in': 0.030630036083835424, 'its': 0.030599541857936837}, {'of': 0.18261424347605318, 'in': 0.14056239695848882, 'by': 0.09495893591736557, 'for': 0.08282390027385111, 'to': 0.08235931126491833, 'as': 0.07426206069428241, 'with': 0.06967634181835856, 'and': 0.04779958672475095, 'that': 0.044130705082086566}, {'was': 0.25573527888614384, 'is': 0.21383335261016337, 'are': 0.08438588575298459, 'I': 0.07106085385323997, 'and': 0.06146607335249116, 'be': 0.059698688270600576, 'were': 0.056367211688044115, 'Is': 0.041042426311682915, 'been': 0.03576302543463053}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.4631730435329536, 'The': 0.0791108977049527, 'this': 0.05493851968844816, 'that': 0.04364746045783548, 'a': 0.03740737933757867, 'and': 0.03390883150040702, 'of': 0.028484268942976124, 'tho': 0.024488279570513822, 'one': 0.01763178594801827}, {'and': 0.1290151829250845, 'was': 0.0707649565373885, 'brought': 0.06485821123293524, 'is': 0.050226397358316494, 'that': 0.04414584809571667, 'talk': 0.04244055858593667, 'bring': 0.03998330438035173, 'all': 0.038479052290088266, 'nothing': 0.03407886790793167}, {'him': 0.02469713003237889, ';': 0.014728952357512442, 'man': 0.012698362661866018, 'him,': 0.010430197467196823, 'up': 0.010229503574866806, 'and': 0.009982307448466711, 'himself': 0.00916609570334623, 'in': 0.008824565713022928, 'man,': 0.007854332666996857}, {'I': 0.24223584726776015, 'you': 0.1614123522210967, 'not': 0.14576515581644606, 'we': 0.11433456914705149, 'We': 0.06723458994100624, 'and': 0.05834597278458838, 'they': 0.05816829423821405, "don't": 0.04593345659213249, 'who': 0.03873152648696576}, {'and': 0.1337439293388899, 'of': 0.08332769263268273, 'the': 0.07804752668342291, 'to': 0.06256160227361368, 'be': 0.032126212331262845, 'a': 0.02650250382183439, 'more': 0.0259555193209047, 'in': 0.02405387434767784, 'was': 0.022526589411659484}, {'the': 0.16813730934730048, 'of': 0.13128867722919418, 'a': 0.10318544363720673, 'in': 0.052534008375673916, 'to': 0.05087433798564331, 'and': 0.04083085349838037, 'by': 0.02829586998397065, 'for': 0.018919373275042183, 'that': 0.01881077841622726}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'the': 0.17824895111806288, 'of': 0.1623284082039647, 'his': 0.102625838503332, 'their': 0.09735823211941841, 'and': 0.057752819591937725, 'in': 0.049605036270331575, 'public': 0.03778327709794272, 'at': 0.027149173073957186, 'with': 0.02686870593626853}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'the': 0.33122072415122805, 'an': 0.17023213482252733, 'of': 0.0869297566609971, 'a': 0.05377236642663955, 'his': 0.04649820620579481, 'The': 0.039047861214125366, 'tho': 0.03761828983561897, 'An': 0.025392128533909757, 'and': 0.02531890169733411}, {'that': 0.26559855198510807, 'this': 0.19891162986226543, 'the': 0.12273555227538527, 'first': 0.05625366388480001, 'any': 0.034462259619009394, 'taken': 0.032872762039392545, 'took': 0.0316109801817876, 'on': 0.02325484527748068, 'to': 0.01974077556715636}, {'the': 0.32607739736392066, 'a': 0.2039640060272599, 'to': 0.06781338499532615, 'and': 0.05669270014633462, 'of': 0.05422622229422899, 'that': 0.033321727463211485, 'The': 0.03292075393107651, 'by': 0.030691875008871165, 'no': 0.027110726657349236}, {'of': 0.2130684280102236, 'the': 0.07837731345640242, 'a': 0.05464742397406588, '<s>': 0.03725851480548011, 'that': 0.026291184767237942, 'for': 0.0262383384718675, 'by': 0.024551365096456994, 'to': 0.023968765911378857, 'and': 0.023412660532900774}, {'of': 0.2930447574213594, 'to': 0.13057901219660126, 'for': 0.09143876366065341, 'and': 0.08628288027064111, 'in': 0.07112993674296217, 'with': 0.056399684456155466, 'by': 0.04931250771084581, 'on': 0.036183935938448125, 'from': 0.03605429752634342}, {'it': 0.2661736291223992, 'It': 0.23193621513027413, 'which': 0.05021674029876594, 'there': 0.04290937581699659, 'that': 0.03913835314143422, 'he': 0.038120708401083184, 'and': 0.03489551753490049, 'This': 0.02962947349637418, 'this': 0.024022555336712263}, {'it': 0.22627549004256103, 'It': 0.14382924771344463, 'which': 0.058548775185208686, 'he': 0.04733684456003108, 'and': 0.043720665595144, 'that': 0.03984652935210813, 'there': 0.029090697629774773, 'who': 0.024737611177075763, 'This': 0.017541571030356758}, {'the': 0.6956434193827431, 'tho': 0.039988727186821636, 'said': 0.02674032637568931, 'of': 0.024136555251301813, 'tbe': 0.0214840701122535, 'a': 0.020851720216324993, 'this': 0.019676052946129525, 'The': 0.017393706592165405, 'our': 0.013728420880972253}, {'the': 0.3010707218927414, 'an': 0.22170342525657344, 'his': 0.09810061760564621, 'The': 0.07898365913769066, 'and': 0.049462015113998836, 'their': 0.0475359898452589, 'of': 0.037498953635987285, 'its': 0.03100133283937117, 'a': 0.026919531580596522}, {'the': 0.49999990354537444, 'of': 0.12602342826718332, 'their': 0.058125329442281166, 'his': 0.051467098730793484, 'a': 0.04845384037495687, 'and': 0.03625985863798972, 'tho': 0.0320493356799559, 'our': 0.03079152706308844, 'or': 0.0283128911130996}, {'of': 0.18186576110412433, 'the': 0.163019069337917, 'and': 0.06862445105830134, 'said': 0.052988818430551796, 'these': 0.04091833608591726, 'all': 0.0357994805463645, 'by': 0.029915320715711, 'or': 0.02882906013749823, 'for': 0.02764929326555071}, {'of': 0.16371469394705399, 'to': 0.13162596657389125, 'in': 0.08297397378054809, 'at': 0.07562344827753496, 'by': 0.06804040804809011, 'and': 0.06382240771809936, 'for': 0.05298611294346478, 'with': 0.051040952614319485, 'on': 0.031232094170519652}, {'the': 0.38201645648081684, 'this': 0.19177739419685136, 'a': 0.08758896070854559, 'The': 0.0710497344913847, 'that': 0.06216025990262192, 'and': 0.04485216873465701, 'This': 0.02746351880281676, 'tho': 0.019234549974519285, 'of': 0.017928422614498583}, {'the': 0.4528286561600305, 'and': 0.11306332169292825, 'a': 0.05894334615495262, 'of': 0.052789357055134975, 'no': 0.036753458468907034, 'The': 0.03308472334438946, 'tho': 0.03166408201130378, 'all': 0.02952603205573471, 'their': 0.028848920620699076}, {'the': 0.45280477001763564, 'this': 0.08299375530298334, 'in': 0.06864326418220122, 'his': 0.06079327997871798, 'post': 0.0586272171241329, 'of': 0.05679338271194086, 'to': 0.050970941135409426, 'tho': 0.020829941522191045, "clerk's": 0.019587027496299383}, {'of': 0.3427679457391893, 'to': 0.14552040266196617, 'on': 0.10019561026005357, 'by': 0.07778873721523501, 'in': 0.062102049730668525, 'at': 0.05905419082666948, 'from': 0.05214706511658336, 'that': 0.04537611404692768, 'with': 0.04214065307081791}, {'or': 0.2509365166328219, 'not': 0.09207474992555131, 'and': 0.08784304517122125, 'much': 0.08535641580504515, 'be': 0.06669589735077888, 'of': 0.06527634115361267, 'with': 0.05199946551688792, 'use-': 0.046346262602554374, 'doubt-': 0.031723196708252695}, {'and': 0.10433345338230028, 'able': 0.06205690617428129, 'enough': 0.04780167874067637, 'is': 0.04755096841588797, 'them': 0.046694837511120635, 'him': 0.04555169288116944, 'not': 0.04516924502994944, 'order': 0.0402858745269933, 'as': 0.03879842556278408}, {'of': 0.17290558819706944, 'in': 0.16361427134390938, 'for': 0.11364772216901786, 'by': 0.09466365759656732, 'to': 0.08503025114917429, 'with': 0.08115252013397131, 'and': 0.06509755358063588, 'In': 0.0558401832158888, 'that': 0.053225319341800484}, {'to': 0.6062755174112071, 'and': 0.13019735073360145, 'will': 0.055153631171350574, 'not': 0.024432141066885234, 'would': 0.017243749684487733, 'I': 0.012878958941314326, 'must': 0.012652736472017877, 'they': 0.011907877565496952, 'you': 0.011208374967925313}, {'of': 0.1699147099731238, 'know': 0.16020915653196866, 'and': 0.10446036600105164, 'to': 0.08490977252212777, 'see': 0.058648344563750565, 'in': 0.052006041526116514, 'with': 0.0476315842876154, 'matter': 0.04724311726194941, 'some-': 0.04681599666479587}, {'n-': 0.04108721706253548, 'the': 0.038011638691070083, 'a': 0.03238328934769751, 'and': 0.02959299671741187, 'to': 0.024861632806437984, '-': 0.01843968835698032, 'his': 0.011934190155133795, 'not': 0.010920338741062257, 'her': 0.010291486665613702}, {'State': 0.21835335631609257, 'day': 0.09601338069411677, 'state': 0.07607598179833182, 'county': 0.04723413723617685, 'city': 0.045008997054843056, 'line': 0.04495078218678745, 'County': 0.039906135469525116, 'side': 0.021356051979649265, 'corner': 0.018444269630219823}, {'and': 0.08367938373106967, 'him': 0.06500751886721072, 'want': 0.06132667427711854, 'able': 0.056156656212425146, 'is': 0.05079247978234478, 'enough': 0.04915197905362433, 'have': 0.045583806902392394, 'me': 0.04298464048923623, 'necessary': 0.03938754070275725}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.29744477827063315, 'of': 0.18932270433745166, 'a': 0.11833575240733599, 'and': 0.0682065231634989, 'by': 0.05737129978860765, 'to': 0.0432720523778143, 'The': 0.040191952593069895, 'for': 0.03758928526859265, 'his': 0.029532528741503746}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'the': 0.3803114611228114, 'his': 0.10654562474739587, 'of': 0.10013332674068556, 'to': 0.08252383176384626, 'their': 0.0671655932815403, 'in': 0.04985190845421129, 'a': 0.04981979247031706, 'and': 0.030919347818792086, 'our': 0.02657667657899485}, {'as': 0.0762124885795375, 'up': 0.07030447146768705, 'came': 0.05859256755947622, 'and': 0.05497547162899998, 'come': 0.051914182928865224, 'sent': 0.038030636777517064, 'back': 0.037566604630456024, 'it': 0.03426949720379177, 'presented': 0.0303766614703709}, {'the': 0.1450524935836439, 'and': 0.10177379526547212, 'of': 0.07092498490510685, 'to': 0.06643859177010694, 'in': 0.043184033163470234, 'was': 0.040444756304387645, 'a': 0.037358609147802715, 'be': 0.034122654588659554, 'is': 0.024495922836782185}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'and': 0.06788419186415233, 'filled': 0.04131760477626961, 'covered': 0.03217145479479249, 'up': 0.03028261370622969, 'charged': 0.02601713671298628, 'it': 0.02347358681639581, 'together': 0.0229391850464076, 'him': 0.02215228686703664, 'but': 0.020697662201727703}, {'<s>': 0.0696737453540512, 'and': 0.04129326033545576, 'was': 0.01775253357188352, 'that': 0.017671703515582123, 'made': 0.015930978002565637, 'it.': 0.014881594486098595, 'file': 0.014704446686657463, 'is': 0.011697793646915202, 'be': 0.010040192816340533}, {'the': 0.34543923161566126, 'of': 0.11972196419565065, 'and': 0.05785893284896179, 'a': 0.04587849654317822, 'to': 0.03918071441335973, 'The': 0.03281811055374107, 'said': 0.02957494337054534, 'his': 0.025613660720513704, 'for': 0.02277240337051876}, {'the': 0.1430885602620623, 'of': 0.0834858413912244, 'and': 0.07815965690721853, 'a': 0.04427980028923028, 'was': 0.026571613529330112, 'The': 0.02627876311702057, 'to': 0.021474783816730295, 'as': 0.018591067709235198, 'or': 0.018061239576672}, {'of': 0.14333656576461137, 'that': 0.11760111082324447, 'the': 0.10640382498445407, 'and': 0.10531295938179958, 'The': 0.0682078879981706, 'which': 0.03608402824850147, 'Mr.': 0.02942140612487295, '<s>': 0.028713310922777423, 'by': 0.02377271895317574}, {'the': 0.3781150031029696, 'a': 0.13565503162852444, 'in': 0.07853868866972061, 'his': 0.06943109108516692, 'of': 0.06735149723847847, 'The': 0.06197374039708403, 'that': 0.0530055419410381, 'and': 0.04584608118268294, 'on': 0.0360530341038652}, {'New': 0.9321674471666597, 'of': 0.009690373236151305, 'Now': 0.009103884099104355, 'Xew': 0.00883631265986299, 'to': 0.0028725241084535365, 'Mew': 0.0027673004947083536, 'and': 0.002412987420223183, 'the': 0.00191660087302784, 'in': 0.0014531132279276527}, {'nothing': 0.0546227848050638, 'in': 0.02813736679689664, ';': 0.01984035712051438, 'is': 0.017254353982402035, 'anything': 0.014948945245189913, 'it,': 0.011145273594499704, 'them,': 0.00946547677179715, 'and': 0.008198552795820812, 'for': 0.008120311482965173}, {'the': 0.12097401935893959, 'of': 0.09019641097148685, 'and': 0.07410156036737092, 'a': 0.06329177214580034, 'to': 0.06208316916802432, 'be': 0.032002216428273444, 'was': 0.03040074523680641, 'in': 0.027776648211590663, 'at': 0.017714195121073514}, {'and': 0.10112792085505716, 'made': 0.04999829295704827, 'or': 0.03840643007376118, 'that': 0.03573116259400335, 'him': 0.025167912001368045, 'done': 0.025146982938200946, 'taken': 0.024884559742966765, 'it': 0.022546017991951824, 'but': 0.021499977816645668}, {'made': 0.15345843723384275, 'and': 0.07540785513758272, 'paid': 0.03895509327750785, 'given': 0.03814764606046727, 'or': 0.03522403925598161, 'done': 0.03050435105901436, 'followed': 0.030250153934283378, 'ed': 0.03013516572536493, 'secured': 0.029723929936945764}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.12097401935893959, 'of': 0.09019641097148685, 'and': 0.07410156036737092, 'a': 0.06329177214580034, 'to': 0.06208316916802432, 'be': 0.032002216428273444, 'was': 0.03040074523680641, 'in': 0.027776648211590663, 'at': 0.017714195121073514}, {'of': 0.2863955517879219, 'as': 0.08738811651942602, 'in': 0.07760700566626978, 'and': 0.0745474173765515, 'with': 0.0741147092591018, 'for': 0.07382813955351104, 'to': 0.0610592355043289, 'at': 0.05370148989572109, 'is': 0.04460154658537692}, {'the': 0.46293806444273533, 'at': 0.23995534511849634, 'At': 0.0483039444886911, 'tho': 0.031250452369619375, 'of': 0.02947679047402274, 'to': 0.027824126017693993, 'and': 0.027777330041837016, 'The': 0.020408523600189334, 'on': 0.014847000457503368}, {'of': 0.17235144973530894, 'in': 0.15824925900161824, 'at': 0.12834317960767166, 'for': 0.10940172672146775, 'during': 0.10106765842356216, 'to': 0.07280372122698109, 'In': 0.05661040537710019, 'on': 0.05648397569021434, 'and': 0.047977964582779836}, {'part': 0.07196025971506713, 'one': 0.07000355279264338, 'some': 0.04307302051471967, 'out': 0.035392916858036194, 'members': 0.02550305881294491, 'and': 0.022215776852222372, 'tion': 0.0216911631781865, 'portion': 0.020842143848213566, 'side': 0.020717751768984743}, {';': 0.048984907493602896, 'and': 0.01711369926261081, 'them,': 0.01346793899735543, 'him,': 0.012441123288611078, 'it,': 0.00987363169158589, '<s>': 0.007539125139939448, 'men': 0.007476645944535623, 'States,': 0.007055991966120676, 'years,': 0.006821106895839697}, {'a': 0.24478108510191338, 'the': 0.22856916880519823, 'and': 0.1219734528710474, 'or': 0.06583391199870749, 'of': 0.05147344124028658, 'his': 0.024151389382922075, 'to': 0.02409580210944696, 'in': 0.02304923134365283, 'our': 0.02181831712703529}, {'of': 0.163304610110541, 'in': 0.0686059215274613, 'to': 0.05257807233651549, 'for': 0.043550691195835295, 'by': 0.031022782488631162, 'and': 0.030407742335059797, 'with': 0.02904966575049631, 'from': 0.027628372581176314, 'at': 0.0219129651406107}, {'of': 0.35312530160601296, 'the': 0.15586222880866793, 'said': 0.1022418250739096, 'for': 0.0811820956746143, 'that': 0.07157991502490917, 'and': 0.060585565179935116, 'a': 0.04527197178004321, 'The': 0.03892110577321069, 'this': 0.020614301616329954}, {'all': 0.23936059351452224, 'and': 0.06419753527727269, 'it': 0.04319861803079345, 'went': 0.03970145269122617, 'passed': 0.03492743206689656, 'spread': 0.029715234357564395, 'go': 0.02665062185270561, 'control': 0.02366945606072378, 'turned': 0.022349804826598124}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.23996879689887518, 'of': 0.09148745014697217, 'and': 0.08721421202774918, 'a': 0.060634157678377106, 'The': 0.0350077359279617, 'Mr.': 0.024911958255803616, 'to': 0.022235511568291955, 'in': 0.019908902507206096, 'his': 0.01651928058907712}, {'of': 0.29889114824993696, 'in': 0.2618324085174578, 'to': 0.11212469762869914, 'In': 0.05026162887186992, 'that': 0.04564552176015281, 'by': 0.04454899313905709, 'and': 0.03257595408351008, 'on': 0.03182291738075396, 'for': 0.03131727224882484}, {'was': 0.16075456927574544, 'is': 0.13346951783951752, 'are': 0.10416382509884019, 'and': 0.09780462479418964, 'be': 0.09221997328268686, 'been': 0.07704482090507944, 'not': 0.056122095558630486, 'were': 0.047937555926366775, 'have': 0.029712606141477468}, {'was': 0.21082330948767228, 'be': 0.13287650337323426, 'well': 0.11512320775316831, 'were': 0.09884498417238773, 'are': 0.0779921074302257, 'been': 0.06417982544332254, 'is': 0.05410459779482205, 'and': 0.05214358068534885, 'being': 0.01962361706161967}, {'the': 0.470160803929798, 'of': 0.11516042096571374, 'an': 0.11387834288471267, 'The': 0.11125205087275539, 'and': 0.048471093832314106, 'in': 0.024215164807640417, 'tho': 0.0223579034148767, 'by': 0.017577514939790394, 'with': 0.015340577221194729}, {'the': 0.19661406146641308, 'of': 0.1499574034875152, 'a': 0.08475625070538707, 'to': 0.0431629771837937, 'and': 0.03397385279621043, 'in': 0.03326497230111401, 'The': 0.025126606593841635, 'by': 0.019446122705001085, 'from': 0.016484097797970707}, {'that': 0.18044625863032926, 'and': 0.10771442831084097, 'when': 0.07500848283044519, 'but': 0.05604099837863048, 'as': 0.04766160507632728, 'which': 0.039207980099100884, 'if': 0.031068076066804333, 'until': 0.024861229934151886, 'When': 0.024126004911409153}, {'the': 0.26494449980766843, 'such': 0.13032301434841284, 'and': 0.12894704010842484, 'a': 0.0647120901066245, 'or': 0.0509787802361456, 'The': 0.050528987914510555, 'of': 0.040808640311938454, 'this': 0.03942766420999838, 'that': 0.03749445829432208}, {'man': 0.13319786023049554, 'one': 0.06117279839273973, 'and': 0.053885032709639416, 'those': 0.05369872533073942, 'men': 0.03950032874076645, 'person': 0.038797082856844155, 'woman': 0.026757967652122485, 'all': 0.02081069625395953, 'people': 0.013746348624569488}, {'of': 0.3414093436083276, 'the': 0.2039232276286968, 'in': 0.14785656034221606, 'and': 0.0585995747335056, 'for': 0.04645227244940929, 'their': 0.03973720242855847, 'this': 0.03459853896707096, 'an': 0.031478591648305736, 'his': 0.026924385147346675}, {'of': 0.22056209041645666, 'in': 0.14116263385075667, 'to': 0.10097346155003008, 'with': 0.06703650558263598, 'by': 0.06588303147442393, 'as': 0.06544536357136904, 'is': 0.056945871986367254, 'on': 0.05579362186626572, 'for': 0.04762656356175127}, {'is': 0.21090132991250943, 'are': 0.17662003422726072, 'was': 0.15534150762644264, 'be': 0.1034046474180648, 'were': 0.07057394542190573, 'and': 0.052928901999341985, 'the': 0.04917384902101804, 'a': 0.04635739189820411, 'been': 0.04099284418062067}, {'and': 0.12821205084992182, 'to': 0.07989222023326055, 'the': 0.06092521424035143, 'of': 0.048457220903878856, 'that': 0.02873654498317706, 'be': 0.028536990291568178, 're-': 0.028397154222116684, 'I': 0.02817990979395619, 'in': 0.025250546903380487}, {'the': 0.759169866876489, 'The': 0.06509070498422102, 'a': 0.04525655340405951, 'tho': 0.03619695671532331, 'tbe': 0.01328815556909167, 'and': 0.00835104423499584, 'this': 0.00779927284795933, 'of': 0.007349546202388726, 'A': 0.005131883929552468}, {'have': 0.37647984320729166, 'has': 0.2812126501544279, 'had': 0.18711764478690024, 'not': 0.04410960458824753, 'having': 0.034850292867354284, 'never': 0.016601640819909076, 'lias': 0.010066007477865992, 'ever': 0.00966483855940713, 'bad': 0.00888831825360575}, {'is': 0.2395792680842256, 'are': 0.147336056587847, 'and': 0.10025259154816192, 'will': 0.09594701044473959, 'not': 0.062157810024850865, 'would': 0.048723771932317174, 'can': 0.04262446500892163, 'Is': 0.04019489621849239, 'we': 0.03871012549954469}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'I': 0.19306349517119356, '1': 0.07180435735581542, 'and': 0.0685579340329006, 'they': 0.062369140493119236, 'which': 0.05693942702655564, 'that': 0.0556409048008918, 'we': 0.033590542196380864, 'would': 0.03293841205205747, 'will': 0.028430589058958716}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'it': 0.31119109325964267, 'It': 0.2299252779433645, 'which': 0.0493731010262328, 'he': 0.039920698272429694, 'and': 0.03702026201482667, 'there': 0.036471921293387326, 'that': 0.031384278739548764, 'This': 0.021990910323162947, 'He': 0.017903117126305823}, {'and': 0.12621559818305667, 'was': 0.05999261469738263, 'be': 0.02874432567058466, 'feet': 0.025696650005697146, 'situated': 0.025144982277734304, 'that': 0.02256013263374362, 'been': 0.02173241875576097, 'is': 0.021035136957865484, 'made': 0.018949576999965665}, {'of': 0.4652225263322765, 'for': 0.10379000257477672, 'in': 0.09452548702247196, 'to': 0.07532825221334681, 'and': 0.05257966415025408, 'by': 0.05131720576784075, 'that': 0.038762792895055645, 'on': 0.028597557948811088, 'from': 0.02634982191048811}, {'of': 0.1826514217596115, 'in': 0.09390178008996225, 'to': 0.07807645830894892, 'and': 0.05114973275840698, 'from': 0.05002036047438415, 'for': 0.045629802816953786, 'In': 0.04471003816892201, 'at': 0.04043361991147199, 'on': 0.0385574213413712}, {'and': 0.07111456140943417, 'demand': 0.0256852383653999, 'ready': 0.02126273132343757, 'used': 0.020447301910245644, 'time': 0.018506303219785913, 'not': 0.01420080865740985, 'vote': 0.014177945812533595, 'it': 0.01407779232818357, 'candidate': 0.01328644507450521}, {'of': 0.29026362578923276, 'that': 0.11130759073981997, 'and': 0.09993476256816573, 'to': 0.09727891864627192, 'by': 0.07068413766550646, 'in': 0.06316140550104246, 'with': 0.04057182320626474, 'from': 0.03438595273774451, 'for': 0.03276664805787282}, {'is': 0.11565221935628407, 'a': 0.10908782567070063, 'was': 0.08898451802187061, 'the': 0.07052325400198056, 'had': 0.07046971993953714, 'and': 0.06614107966990088, 'have': 0.05795771165159144, 'has': 0.05602589958900469, 'are': 0.04903224145529731}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'be': 0.49611509781879093, 'is': 0.10452285688164337, 'was': 0.07671762136150717, 'been': 0.06664162798036104, 'are': 0.0501207107688188, 'not': 0.04515599372798679, 'and': 0.041966296385692874, 'being': 0.034405483959592274, 'as': 0.02941574691525295}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.46730482369254484, 'was': 0.09114098604270705, 'He': 0.043232151708296945, 'will': 0.03846809556744398, 'is': 0.0349991783807813, 'shall': 0.03408180697159505, 'were': 0.03297478627688985, 'are': 0.024310429195836092, 'would': 0.02359580360621041}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.3880544762570676, 'an': 0.2937511774542723, 'The': 0.05056926771818054, 'and': 0.03504048472510296, 'in': 0.0302445002101069, 'An': 0.02709300183968509, 'tho': 0.020814335137741634, 'thorough': 0.020237473424930746, 'a': 0.015044083844854358}, {'and': 0.06768249648771371, 'closing': 0.05038441006242118, 'was': 0.030106359721431927, 'valued': 0.02402480983540195, 'held': 0.021992507596520498, 'sold': 0.020844680257419507, '2': 0.02033818480455847, 'is': 0.020075600303976093, 'arrived': 0.019016818863824298}, {'it': 0.05445073906897982, 'and': 0.04820190121835212, 'that': 0.03456061420461378, 'as': 0.023309254501158394, 'to': 0.020322196733608727, 'It': 0.02009575139089626, 'of': 0.019385319844866404, 'I': 0.01906839690020601, 'man': 0.015771056533798716}, {'of': 0.14108569630304088, 'the': 0.11992674100839679, 'a': 0.08560361857807426, 'and': 0.06008348915767987, 'in': 0.05249604661491838, 'to': 0.0482027210727779, 'for': 0.044986449263559374, 'on': 0.016521264703555232, 'by': 0.01565874717554929}, {'of': 0.42628063543277667, 'in': 0.11093960803636536, 'to': 0.08855932239543073, 'that': 0.03980216686543636, 'by': 0.0397695095377353, 'for': 0.03743149435633774, 'with': 0.032875808878424354, 'and': 0.026763022082789537, 'from': 0.02531232282537022}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'the': 0.7545092926104027, 'this': 0.045466838969706054, 'tho': 0.04263484650705399, 'The': 0.03358702875714705, 'a': 0.0251043736151011, 'said': 0.01887858805860537, 'tbe': 0.017997108639939557, 'and': 0.012542732488241254, 'that': 0.01124218763802949}, {'a': 0.5789911198646105, 'the': 0.1835686161030853, 'and': 0.07016808305573219, 'of': 0.032456411677165994, 'most': 0.03146755555415937, 'The': 0.02507080463230933, 'to': 0.01203511530088033, 'A': 0.011812911108149603, 'in': 0.01008169465996936}, {'as': 0.06007628690904153, 'and': 0.054218686830751026, 'right': 0.040208484066292294, 'able': 0.03123693987518863, 'necessary': 0.02503884786258716, 'him': 0.024478092103523332, 'is': 0.02203333427498653, 'made': 0.02188537891719539, 'time': 0.02149339686476128}, {'for': 0.1279166905044012, 'want': 0.12434356046351706, 'to': 0.08731039647489366, 'ask': 0.08128464663485892, 'give': 0.079543006417738, 'and': 0.0655523885292407, 'enable': 0.06048087263379789, 'refer': 0.058162567765509446, 'of': 0.04976669606734715}, {'I': 0.7923940279683133, '"I': 0.05979628658792896, '1': 0.04310829499737055, 'and': 0.025719984674067584, 'he': 0.007504510802643142, 'have': 0.004964530515495486, 'you': 0.004345643628523198, 'we': 0.0038558049533552107, '“I': 0.0037248539375041648}, {'<s>': 0.09470074263526393, 'it.': 0.026051579477883984, 'them.': 0.016126388576416916, 'time.': 0.011870589458568377, '.': 0.011756424254928444, 'him.': 0.011495882999368795, 'country.': 0.010067993315692756, 'year.': 0.008966926183315693, 'day.': 0.0086953371199591}, {'of': 0.3631600056909644, 'on': 0.11717611440069277, 'in': 0.08829741667622187, 'to': 0.0870157803218237, 'from': 0.054583598473033595, 'at': 0.04534721074867324, 'and': 0.04293300310487057, 'for': 0.03817469257778864, 'by': 0.03150890831052495}, {'the': 0.6244519914239476, 'The': 0.040226322182484335, 'a': 0.03625497988981567, 'and': 0.034272401807644216, 'tho': 0.028004758127099495, 'an': 0.025607228338276153, 'great': 0.02459526713730606, 'by': 0.019289477949471168, 'their': 0.016014770373302185}, {'of': 0.3224532652009438, 'in': 0.13199506255087853, 'to': 0.13037562049495244, 'for': 0.0915934458056379, 'with': 0.050868732615461786, 'by': 0.049808720784077616, 'from': 0.04947997375203951, 'at': 0.04743431019477336, 'and': 0.04520964753081611}, {'be': 0.3040004554977267, 'was': 0.19927821793166955, 'been': 0.10858505373472069, 'were': 0.07558441622151772, 'is': 0.0709478544314967, 'are': 0.05232442056525467, 'and': 0.042265465041756364, 'he': 0.04139671678482027, 'I': 0.028281800330096883}, {'I': 0.3450131481220444, 'we': 0.15259335973458218, 'to': 0.127486258720899, 'We': 0.07784916312823709, 'and': 0.055088338904838594, 'you': 0.0455282164182276, 'not': 0.039096562191714423, 'they': 0.03560744310998167, 'who': 0.031756808330437994}, {'to': 0.5339379055589163, 'with': 0.07400532038167228, 'of': 0.0632269910803688, 'for': 0.048761105157937405, 'in': 0.04026582702594862, 'by': 0.023026262819683976, 'told': 0.019636916125631176, 'and': 0.017498566533957902, 'upon': 0.016155693620940985}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'was': 0.13635355782259723, 'is': 0.12765213215871468, 'as': 0.11843125521341533, 'a': 0.08604521513417471, 'are': 0.08176787776063812, 'so': 0.07897265269852537, 'be': 0.061717046438332014, 'and': 0.061162399763015275, 'were': 0.05558818940944471}, {'be': 0.15632872033870968, 'was': 0.10631429423008977, 'is': 0.08352209778888199, 'are': 0.07150362437364693, 'and': 0.059847036911613936, 'were': 0.04789695245984468, 'been': 0.04694373204339301, 'more': 0.03661354875358499, 'not': 0.026429870590479545}, {'of': 0.181054824261643, 'in': 0.11731345592433629, 'and': 0.10677417792404181, 'with': 0.08901447736060603, 'to': 0.07484974635099766, 'for': 0.06808485692452054, 'by': 0.05561545910585575, 'such': 0.05438847786169451, 'as': 0.05298000925322926}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.17605434084465427, 'of': 0.11871998612646692, 'and': 0.07939478203967135, 'to': 0.06500846207820887, 'a': 0.04476748113211513, 'be': 0.040971116818286364, 'his': 0.03593483232325264, 'was': 0.034845911030235766, 'in': 0.02673623701096941}, {'the': 0.39074029055489573, 'of': 0.058239796990054354, 'an': 0.0547940094160787, 'in': 0.040717415496882514, 'American': 0.040338388263349324, 'his': 0.03027495532901107, 'and': 0.02911669447471404, 'any': 0.025696459660194838, 'their': 0.023412388046145243}, {'it': 0.18799476193359307, 'It': 0.08908477585564534, 'there': 0.0782565161721338, 'they': 0.0607880603232045, 'that': 0.055266195416502926, 'which': 0.0511501671325387, 'he': 0.04987225743663854, 'and': 0.04873018340012423, 'I': 0.03700648773256737}, {'the': 0.1768269622839869, 'of': 0.10797450817382437, 'a': 0.10191566048016676, 'in': 0.09217140393266929, 'to': 0.06298081287196887, 'and': 0.04896981280946857, 'at': 0.026308573237227306, 'In': 0.024890214599954052, 'his': 0.015437931195896528}, {'the': 0.19558956180896542, 'a': 0.059471548667555496, 'of': 0.04382023476818342, 'said': 0.042337608410748864, '<s>': 0.03913323613014395, 'in': 0.03651609624166265, 'and': 0.03383778330785595, 'The': 0.02509889410653547, 'No': 0.012713594231848166}, {'the': 0.10380482702287794, 'and': 0.06537479503096728, 'of': 0.06123408804011807, '.': 0.03644320895064715, 'a': 0.03287669017829702, 'to': 0.03180858584800943, 'was': 0.02766406993679745, 'by': 0.021096333129749845, 'in': 0.02025502924192266}, {'the': 0.30047066960196445, 'The': 0.19362742923552853, 'A': 0.09903058643765371, 'a': 0.08805161153417733, 'this': 0.05801327151303032, 'of': 0.04755208937302247, 'said': 0.02321718000742368, 'his': 0.022351945140030242, 'Mr.': 0.01981940799756529}, {'of': 0.24407297096853348, 'the': 0.20445921294337763, 'and': 0.11848666722108765, 'a': 0.031014843241483642, 'with': 0.029207074378217457, 'to': 0.02749330687236254, 'by': 0.025038964820081777, 'The': 0.023001770767737375, 'their': 0.02291796354583366}, {'the': 0.15974887895819295, 'of': 0.10345084598985262, 'and': 0.08041824844564112, 'to': 0.07826443618265969, 'at': 0.058044848322732746, 'a': 0.0534580062719112, 'in': 0.04120075572336613, 'or': 0.030867383774269043, 'for': 0.030493516490630933}, {'of': 0.40509148797630024, 'to': 0.08690218284179602, 'in': 0.08438601578907848, 'for': 0.07714011424389351, 'and': 0.06634612721346658, 'that': 0.06233444382726442, 'by': 0.0503810706102284, 'with': 0.04142987894521126, 'on': 0.025832887578861454}, {'the': 0.20252923983550514, 'of': 0.11930312860818439, 'to': 0.07894769898392656, 'and': 0.06008787226411808, 'a': 0.060022355127154585, 'in': 0.04519468099697347, 'at': 0.024889746189795652, 'for': 0.01335292984039212, 'tho': 0.013149816205737184}, {'and': 0.1274424238403783, 'to': 0.07155580018893823, 'of': 0.05371056580437829, 'the': 0.036135054830403336, 'which': 0.025507268332199313, '<s>': 0.024259344359171955, 're-': 0.023697297297959104, 'in': 0.023008153074842563, 'that': 0.022512290011799264}, {'and': 0.10718490224440186, 'well': 0.09530509367383859, 'soon': 0.05110117908087351, 'known': 0.04354932880742758, 'far': 0.03702935008597182, 'him': 0.03537990478275607, 'it': 0.03202804968895058, 'just': 0.025733604730532284, 'regarded': 0.022696660805786868}, {'of': 0.49909695677245186, 'in': 0.2578042800182538, 'In': 0.04787966950648966, 'to': 0.0473912182651741, 'throughout': 0.031113054382353338, 'for': 0.02393411548374529, 'by': 0.02331590088992711, 'from': 0.0216844320899459, 'that': 0.0172020542118483}, {'on': 0.19537812964914608, 'of': 0.17941391355719075, 'dated': 0.13195624326393546, 'ending': 0.06349348206241628, 'in': 0.04104894402104708, 'approved': 0.032892812883889934, 'to': 0.028371768217118835, 'On': 0.02655344003761819, 'and': 0.024375416601870616}, {'has': 0.2534108747321652, 'had': 0.17877906675469724, 'have': 0.11267937493561397, 'was': 0.07641926970981096, 'and': 0.05350704030295761, 'mortgage': 0.0461466956534977, 'having': 0.038845091755912914, 'been': 0.031607414964991, 'be': 0.023907437238677703}, {'the': 0.12956909426388782, 'of': 0.12149718939987988, 'and': 0.07945248655674615, 'a': 0.0762089485669891, 'to': 0.04468485782170717, 'Mr.': 0.03656707820843912, 'in': 0.03089004167677604, 'with': 0.02481900957720866, 'or': 0.02334689798414261}, {'which': 0.11514715736917117, 'it': 0.11199914171000117, 'they': 0.09116099080902033, 'and': 0.08338584966683854, 'you': 0.07965473957698053, 'that': 0.0746918386999322, 'he': 0.06816818905283613, 'It': 0.06810501616525691, 'who': 0.04331459638748781}, {'which': 0.1697749135700203, 'it': 0.08828113247632895, 'It': 0.08815571731229727, 'he': 0.08367275678532117, 'and': 0.06337619033074923, 'who': 0.05241355723249946, 'He': 0.04146938396066415, 'that': 0.04112073657166129, 'as': 0.028702726473124923}, {'and': 0.0962961933469624, 'was': 0.05269860692235892, 'sale': 0.03951474482406166, 'sell': 0.03928952604862464, 'is': 0.03687159312631855, 'are': 0.03233416060476633, 'not': 0.028023416289502768, 'as': 0.027388023197542327, 'held': 0.024829760665175636}, {'the': 0.3243603479543902, 'of': 0.1263551757397277, 'and': 0.09560407476149407, 'to': 0.08611990785452868, 'a': 0.07102470908417469, 'most': 0.05179526424946775, 'his': 0.033533954570148274, 'in': 0.025528052087010672, 'their': 0.02377433621100517}, {'the': 0.37500673459741773, 'The': 0.08965456221459107, 'a': 0.0619545150170021, 'and': 0.04336260614546747, 'at': 0.031696116447181164, 'of': 0.030115053267301867, 'Mr.': 0.02599544747825477, 'his': 0.024730461143067622, 'tho': 0.02437573072271782}, {'is': 0.21741825599054232, 'was': 0.19951909347002192, 'not': 0.10596379260418747, 'are': 0.07638548456647039, 'be': 0.06198546016336122, 'a': 0.05578590481110226, 'were': 0.04869290596154837, 'in': 0.045151457382031204, 'the': 0.04042447856878651}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'and': 0.11778357231283144, 'the': 0.10184825692558065, 'of': 0.08107278194817412, 'to': 0.06281802832097755, 'be': 0.042907547010953756, 'was': 0.04079895339062549, 'in': 0.036434770229006985, 'is': 0.030261622507787914, 'are': 0.024574126802673107}, {'the': 0.10978685633196596, 'of': 0.06974169395019733, 'to': 0.04347414023534332, 'and': 0.04083179498314439, 'a': 0.028783775299229476, '<s>': 0.025424355472612476, 'in': 0.022746499172324106, '.': 0.018222248923545674, 'I': 0.016281899069734304}, {'of': 0.1752471907375028, 'as': 0.09901074172184485, 'by': 0.09335385360972406, 'in': 0.08108253439504116, 'for': 0.07807860220390384, 'such': 0.07413924506877805, 'is': 0.07195059598032658, 'to': 0.06945135443392376, 'with': 0.062046447427600224}, {'the': 0.15581191214638795, 'of': 0.1557568100530123, 'and': 0.055927524903186095, 'to': 0.035193391019153135, 'at': 0.034508425679894025, 'a': 0.023799286584265545, 'in': 0.019641171778813884, '.': 0.012956236970069918, 'for': 0.012845906917558509}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'has': 0.3394547813837408, 'have': 0.2978334947566801, 'had': 0.18178425619200533, 'not': 0.04113252672476336, 'having': 0.02395105311972948, 'always': 0.015260717108511337, 'ever': 0.011567174089578913, 'never': 0.011312108859071053, 'lias': 0.009714372586578823}, {'to': 0.20438898117489648, 'of': 0.17368838048483579, 'in': 0.15772643607791872, 'for': 0.07445611296023677, 'that': 0.06841706956365068, 'and': 0.06259406459408873, 'with': 0.04762124954836915, 'by': 0.04600373907822595, 'under': 0.03223622196883886}, {'the': 0.10047720831908143, 'of': 0.06655279845735956, 'and': 0.06079961377224778, 'to': 0.06067406450332018, 'in': 0.028780434690548553, 'was': 0.02663081671642742, 'Mr.': 0.021354638307735905, 'that': 0.020955091606947678, 'is': 0.01928130449368128}, {'the': 0.18803941644709826, 'of': 0.11522818722431373, 'and': 0.08648341734776388, 'Mr.': 0.0474969010395837, 'a': 0.04095083319531486, 'to': 0.03040999167925858, 'The': 0.026234978086882004, '.': 0.0227308480603788, 'by': 0.020074567106117238}, {'be': 0.14545417089042045, 'is': 0.12939115463657425, 'was': 0.11643323616929126, 'and': 0.11571049297636371, 'are': 0.06504237739098803, 'were': 0.06000140497792413, 'been': 0.05918615618229732, 'the': 0.042997938852568356, 'have': 0.03945606082900985}, {'recorded': 0.11735529553048456, 'and': 0.07855789988239066, 'time': 0.07071994251716772, 'was': 0.05191762470476034, 'at': 0.05119098664466598, 'that': 0.041720019815483345, 'is': 0.04129615390039976, 'be': 0.03478382219506881, 'for': 0.03285124185156034}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'the': 0.16537740078274432, 'of': 0.12662691024053782, 'and': 0.09885253288223518, 'a': 0.06349425454347514, 'to': 0.06252310270586697, 'in': 0.03799444132569355, 'with': 0.025445880563260345, 'for': 0.02127433774765221, 'or': 0.01971640008507792}, {'more': 0.2168758107622627, 'one': 0.11685604199723283, 'two': 0.07881210563058748, 'five': 0.019189956125768706, 'dozen': 0.014856047683358922, 'four': 0.014743589706611963, 'three': 0.014371825838572777, 'ten': 0.012812602301340043, 'six': 0.011997423195991001}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {';': 0.017399258747664435, 'and': 0.016464531168427474, 'up': 0.009550998164654887, 'feet': 0.008224975846134968, 'them,': 0.007921703014783862, 'it,': 0.007775714381718735, 'out': 0.007033382998258303, 'him': 0.006714992017114658, 'time,': 0.00648937832244077}, {'al-': 0.1933182601394704, 'the': 0.10125265892233018, 'all': 0.064978669955669, 'their': 0.05720359445616216, 'other': 0.050016141366362905, 'of': 0.047261812787856745, 'and': 0.04565582638252764, 'his': 0.04311282034510445, 'al\xad': 0.04181488040824644}, {'the': 0.312814174801666, 'degrees': 0.19934998776213353, 'minutes': 0.13726840191374784, 'thence': 0.0879847581878938, 'degrees,': 0.026182717211736338, 'tho': 0.021058141489591304, 'feet': 0.02070011426398174, 'and': 0.016791669288028093, 'grees': 0.01394116594370556}, {'to': 0.3256793076394138, 'and': 0.26479250100100304, 'not': 0.03705768646210716, 'will': 0.03438013531676028, 'that': 0.028945593894275562, 'I': 0.0289032840334151, 'would': 0.024702080355286402, 'who': 0.019627128296208628, 'which': 0.019423146414688522}, {'north': 0.11604601208743454, 'feet': 0.032544105238980825, 'east': 0.021757032664491627, 'street': 0.019199548052537332, 'land': 0.014179102599103708, 'North': 0.014035003328486432, 'south': 0.01378651463238595, 'chains': 0.013175750513912936, ';': 0.0119639011396765}, {'the': 0.42054727351444, 'a': 0.3002622178540998, 'of': 0.059015250398342614, 'The': 0.052091297528938214, 'with': 0.03838346330201711, 'and': 0.03432071438956387, 'his': 0.024516610326975757, 'tho': 0.02096469623344837, 'in': 0.01887130370978203}, {'of': 0.26670003534981623, 'for': 0.14430234694167435, 'at': 0.09378882656421511, 'to': 0.09361624951940677, 'and': 0.08873031554673343, 'that': 0.07858777708266482, 'in': 0.05858911803614632, 'by': 0.05162734405495611, 'with': 0.03092309118226896}, {'a': 0.3799401294268066, 'the': 0.09177379685824393, 'is': 0.07893315305350243, 'and': 0.07605435886908495, 'as': 0.06046674001607776, 'that': 0.05601547296328663, 'of': 0.05378637767379764, 'was': 0.04862458474659015, 'in': 0.046017100741817404}, {'and': 0.15775628182838325, 'the': 0.1014668339626742, 'will': 0.065884923742485, 'to': 0.05137045417026265, 'of': 0.03841928553181219, 'I': 0.03471549121500053, 'a': 0.028361828247409324, 'could': 0.026388344738612828, 'can': 0.024164327317503335}, {'of': 0.19919723725960653, 'the': 0.12261844824938267, 'to': 0.05910026991337611, 'and': 0.054583827222232706, 'in': 0.0372733275013634, 'by': 0.028813426373326012, 'that': 0.020027442787001984, 'a': 0.019146193821900467, 'from': 0.018104958379283047}, {'of': 0.302701041343959, 'and': 0.19553760734233672, 'that': 0.09982856791083698, 'to': 0.07612940097818736, 'in': 0.06768020347784168, 'for': 0.05840137615522673, 'with': 0.028163451192364724, 'from': 0.0225708184764363, 'by': 0.021149033305490863}, {'to': 0.20143954012831275, 'of': 0.1616593536947031, 'for': 0.10298004416340566, 'in': 0.061345004030688204, 'on': 0.05206103424125427, 'and': 0.03814365910037006, 'In': 0.03334584948376467, 'with': 0.0298798270008763, 'by': 0.019716899850573327}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'the': 0.438476389023291, 'of': 0.14846254463899938, 'a': 0.12197083266085175, 'in': 0.05696362807575941, 'and': 0.03735927821096623, 'The': 0.03273475985162267, 'at': 0.031069537274669663, 'to': 0.027763216470128527, 'very': 0.026169697058406577}, {'the': 0.2281634170099646, 'his': 0.1318925995794739, 'and': 0.10160748624364126, 'their': 0.08998682679698033, 'of': 0.05001951652878006, 'or': 0.048611212065911256, 'in': 0.04608496866987979, 'was': 0.045299030199453236, 'her': 0.039176788635135795}, {'those': 0.15261212123432805, 'man': 0.09060974160178961, 'men': 0.08885650569183577, 'and': 0.06665347838896454, 'one': 0.05552585013187173, 'persons': 0.03790205277102711, 'person': 0.03646757352051719, 'all': 0.03104278830315678, 'people': 0.02252097097601388}, {'and': 0.17353877079655186, 'as': 0.15047850958170098, 'that': 0.12408199670909709, 'when': 0.0833857162516232, 'which': 0.07065622752579892, 'for': 0.059797672092293724, 'if': 0.05152683652110941, 'but': 0.05011434732532506, 'where': 0.032257047968580074}, {'of': 0.32521618586789813, 'in': 0.15305628232847637, 'to': 0.1393195666388371, 'for': 0.06848575099822127, 'on': 0.06011608707011139, 'by': 0.050806869232651194, 'with': 0.040922235641482736, 'and': 0.0395210092525267, 'In': 0.03331911553386047}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'that': 0.3110714009226531, 'which': 0.10081418897917335, 'and': 0.09321701448815428, 'as': 0.0536908243379163, 'when': 0.042017473476131564, 'w': 0.040620243957537834, 'if': 0.03251599459383403, 'but': 0.028740536981320335, 'where': 0.023879478672124102}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'a': 0.3988627875415366, 'the': 0.3851232478683973, 'per': 0.04565219128261519, 'one': 0.02797627234232097, 'every': 0.022365532532037484, 'tho': 0.02054002801589035, 'last': 0.018464618201930686, 'each': 0.014165058783672505, 'this': 0.012395140527491478}, {'of': 0.28620774459218823, 'in': 0.28048952618237977, 'and': 0.07207422546704557, 'In': 0.06898827900641837, 'was': 0.05357246999529546, 'is': 0.049463517464310464, 'from': 0.03630836731983895, 'are': 0.03518467745775667, 'to': 0.02987028282754588}, {'hundred': 0.029696314528474644, 'Hundred': 0.018290143824396934, 'North': 0.01617821432832886, 'street': 0.01591524101737188, 'north': 0.013934042415266848, '1': 0.013055475101376992, 'east': 0.010609719899906667, 'men': 0.010503563636609873, 'city': 0.010127125065996313}, {'the': 0.1953809032481223, 'of': 0.14959144031311375, 'a': 0.09700338638741908, 'other': 0.07233348544379826, 'their': 0.05835899356796833, 'his': 0.04685288548751321, 'our': 0.04633204692286075, 'these': 0.04268212424343874, 'public': 0.04164040614301144}, {'of': 0.32919885839125473, 'in': 0.11661151944156957, 'to': 0.102800382845893, 'and': 0.0812487076088837, 'with': 0.07251978333253908, 'for': 0.050583413991227164, 'by': 0.0448121426292761, 'that': 0.03940352177183244, 'on': 0.03906035554797569}, {';': 0.06712501987443126, 'nothing': 0.029108041600091523, 'it,': 0.025131574141707056, 'and': 0.016959461822150065, 'them,': 0.016739969004270765, 'is': 0.015822429176858225, 'or': 0.01571042607986111, 'time,': 0.009853372320712218, 'all,': 0.00863084748414304}, {'it': 0.17271748135885118, 'It': 0.1634701665927948, 'This': 0.114649717168125, 'which': 0.07060569815304507, 'that': 0.06206066835803908, 'this': 0.05595527987103594, 'and': 0.040139838520179334, 'there': 0.03647213271263341, 'he': 0.02983275606289565}, {'and': 0.09679105976538893, 'to': 0.043937369303572615, '<s>': 0.024942794882581335, 'of': 0.022571639908073017, 'in': 0.020330262015635935, 'on': 0.01397006183846478, 'which': 0.01296677722721648, 'by': 0.012751163398069655, '.': 0.010840950112203533}, {'<s>': 0.08368622792814433, 'them.': 0.03667427968968173, 'it.': 0.03296304578105484, 'time.': 0.018387413016883878, 'him.': 0.016596878969584106, '.': 0.013106781050917015, 'work.': 0.011605586332688786, 'day.': 0.011323680611924531, 'country.': 0.010732180809968012}, {'of': 0.12426311964709391, 'the': 0.09032739804797756, 'and': 0.06103470098228999, 'to': 0.04920909483010461, 'was': 0.035540927026284086, 'in': 0.03403794528356651, 'be': 0.02799491004706089, '<s>': 0.02688434023378339, 'for': 0.025325773554587972}, {'the': 0.30254783329944185, 'National': 0.2120228999012233, 'Savings': 0.050875786885959416, 'of': 0.03348089443626072, 'State': 0.028607987635876457, 'and': 0.026474066169594888, 'The': 0.02532624515926105, 'tho': 0.016550348301724395, 'any': 0.01183238946196496}, {'and': 0.18698840031383043, 'of': 0.08616378958022804, 'for': 0.05753188764566263, 'fact': 0.05742466889161658, 'is': 0.03869678732215658, 'in': 0.03804186322447639, 'but': 0.033582296580495455, 'to': 0.029334047045611447, 'was': 0.027441843243488882}, {'and': 0.11618161248444853, 'be': 0.11350023564515245, 'to': 0.10893045645888655, 'was': 0.1026439037157924, 'I': 0.06239199507706278, 'been': 0.05817789891899417, 'will': 0.055103507727900354, 'is': 0.05363759809994054, 'he': 0.04191735849808949}, {'and': 0.20849530517230924, 'as': 0.10303189219852493, 'that': 0.08979937224610578, 'but': 0.026783530480193597, 'or': 0.025610661397289222, 'But': 0.013802181775637664, 'even': 0.013001319786593444, 'which,': 0.012553961110688369, 'And': 0.012537203968901798}, {'Now,': 0.5093630625453092, 'Now': 0.09674150726201942, 'Now.': 0.051082499852910225, 'is,': 0.04313847520252547, 'and,': 0.03654037800965002, 'and': 0.03584915370528075, 'are,': 0.031892624290679926, 'If,': 0.01726460475533747, 'that': 0.015019205969201881}, {'of': 0.3880070301045456, 'to': 0.10096074611785855, 'in': 0.0987633870378698, 'on': 0.07517672919978022, 'that': 0.06956918384014317, 'and': 0.06204450681052453, 'for': 0.03446560801655708, 'In': 0.025134242543508722, 'by': 0.024322420228360786}, {'and': 0.17009735278426605, 'is': 0.07877057448627575, 'was': 0.07768080187340376, 'that': 0.07244817661527912, 'but': 0.07047331333499907, 'are': 0.0649342731248532, 'or': 0.04022456878514971, 'not': 0.03485618468022678, 'to': 0.028713280941251185}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'the': 0.24141953160559024, 'any': 0.1169747092057731, 'this': 0.08425271267541899, 'a': 0.08343039515376953, 'every': 0.060719415278556566, 'of': 0.04069878223713213, 'other': 0.036559083268075686, 'some': 0.036213364594974665, 'that': 0.036046967049575517}, {'and': 0.09302757765865675, 'time': 0.05739423224944044, 'ready': 0.05415636404925263, 'demand': 0.04680301431905812, 'used': 0.03324715314667679, 'reason': 0.031677967105940584, 'necessity': 0.027834672218713163, 'not': 0.027755015666144942, 'necessary': 0.025276836855549184}, {'the': 0.19415445130690845, 'and': 0.10616686283501214, 'of': 0.06589394087345346, 'a': 0.04876478723452173, 'to': 0.03411654106046949, 'The': 0.03334602263442691, 'Mr.': 0.0309868020589491, 'that': 0.02740848095767098, 'by': 0.020100279344461822}, {'he': 0.19521845650869304, 'I': 0.17213988925058987, 'they': 0.14227627474608032, 'we': 0.06662319260466269, 'she': 0.054674458694524995, 'that': 0.04457206337602299, 'who': 0.043888756885863474, 'and': 0.039759674448844436, 'it': 0.039535876401045875}, {'<s>': 0.04913344440604136, 'it.': 0.03534048614465066, 'them.': 0.02234375662433278, 'him.': 0.021067583598275173, 'time.': 0.012533502696024839, 'country.': 0.012069363520689897, 'life.': 0.00965085035682574, '?': 0.009200079557881163, 'work.': 0.007677199457434451}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'and': 0.15374792285419653, 'so': 0.09087973810481045, 'say': 0.06430424600058635, 'fact': 0.0552687845953855, 'said': 0.05222709630017067, 'know': 0.05119676218040614, 'me': 0.04719862386787452, 'is': 0.040723049552912706, 'but': 0.027975988073591876}, {'the': 0.1872654030490438, 'of': 0.07481300541093326, 'and': 0.06455568487173943, 'Mr.': 0.03636898611615628, 'The': 0.0351650808909379, 'a': 0.033350107829806776, 'that': 0.022705480110967142, 'as': 0.02080363390142424, '<s>': 0.01760488968155337}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.1795219108933375, "o'clock": 0.17312986108915956, 'in': 0.1104784006311243, 'on': 0.06417659678546583, 'that': 0.0614281618067668, 'and': 0.060778943912847494, 'In': 0.04964399391939042, 'to': 0.03606907103886175, 'On': 0.03208818005463832}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'and': 0.09458009581434272, 'was': 0.0397428843358416, 'made': 0.03516882205909402, 'that': 0.032832971766686966, 'is': 0.02625333874246275, 'out': 0.02569579638254241, 'up': 0.025251363357625043, 'work': 0.025115137082759507, 'but': 0.023410091332191747}, {'he': 0.17300684483622983, 'it': 0.1345693866288048, 'they': 0.0954115800356196, 'I': 0.08369146741089951, 'that': 0.07265867150081488, 'It': 0.07188499003145371, 'we': 0.043905158735551834, 'which': 0.0438082035781544, 'and': 0.04296329128655291}, {'the': 0.2011669946943303, 'is': 0.13895593820440855, 'an': 0.13033111335272785, 'and': 0.1302289673280722, 'was': 0.06968973546972866, 'are': 0.06812641407103417, 'not': 0.048167418229512454, 'of': 0.036932118202925183, 'be': 0.036203845490814505}, {'or': 0.14001783407752613, 'and': 0.13668510670058343, 'of': 0.1250753697027509, 'is': 0.104276462721682, 'are': 0.09122938124345827, 'the': 0.07620542528233895, 'was': 0.053959364514138825, 'for': 0.044971566362056244, 'about': 0.040819074676899283}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.3451104494631908, 'to': 0.14310706998339762, 'that': 0.10144295707350734, 'by': 0.08294431942442569, 'in': 0.07008075987298712, 'and': 0.06312335636474405, 'with': 0.04020706806941811, 'from': 0.03187740355363052, 'as': 0.027987616252846025}, {'of': 0.18250337458145444, 'the': 0.10046980464617557, 'to': 0.0681528471051215, 'in': 0.06093668562831361, 'and': 0.05304017441310574, 'by': 0.026748666332130962, 'a': 0.023519172654346374, 'for': 0.018892909568727596, 'from': 0.018501618052623355}, {'of': 0.3387152455754018, 'and': 0.1323212840390474, 'in': 0.0929931368128388, 'to': 0.09038458694158699, 'that': 0.0640229363633533, 'with': 0.052905230525875174, 'by': 0.03969276198867772, 'from': 0.03564774278779547, 'at': 0.02835981702995874}, {'as': 0.08980247947664825, 'and': 0.06512949261993622, 'according': 0.05862507404263971, 'up': 0.05389899553372113, 'them': 0.04410767082523826, 'regard': 0.03960431761401057, 'come': 0.03824111394669009, 'back': 0.035333853400752305, 'return': 0.032678535105253856}, {'the': 0.19568284968871735, '1st': 0.10948908718001303, 'first': 0.09067734761662177, 'a': 0.07520615955367728, '25th': 0.0582887423427975, '7th': 0.0496427230524875, '10th': 0.04726760738015849, '12th': 0.04687637514329761, '21st': 0.04424288719077973}, {'and': 0.14028825489961544, 'of': 0.07154747502432045, 'the': 0.04417383519161615, 'be': 0.03648949677003825, 'a': 0.03554646003274374, 'in': 0.0317128205196297, 'is': 0.031370523084917334, 'was': 0.030999885514119332, 'he': 0.028933980698391745}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.2742075753778771, 'of': 0.13403192251732224, 'to': 0.11965837343652048, 'that': 0.06351196276149576, 'by': 0.060578350526807156, 'in': 0.03619669607912612, 'as': 0.029604442610668368, 'which': 0.02930479460509217, 'the': 0.021875066167792254}, {'the': 0.19271539297330162, 'of': 0.12349778539417179, 'and': 0.07367768623787413, 'to': 0.0651644333792059, 'in': 0.029047746297949865, 'a': 0.026681487203263562, 'for': 0.020865393383233722, 'as': 0.01812055273009101, 'at': 0.015393377864278648}, {'the': 0.1891597211428515, 'of': 0.10175509570448249, 'a': 0.06671706942868683, 'and': 0.05287142206153093, 'in': 0.039575571836801604, 'to': 0.03696883948364146, 'for': 0.02011727255587298, 'or': 0.019482473610825075, 'that': 0.018292256807177793}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'the': 0.16411591801605377, 'all': 0.11445650535511105, 'of': 0.08113229698126552, 'other': 0.053328023555086125, 'and': 0.05330932310987993, 'on': 0.04941983072589212, 'these': 0.04402837624598629, 'their': 0.04086475495723351, 'be': 0.04011207455136563}, {'out': 0.07033946667983419, 'one': 0.06489995891830055, 'some': 0.06212267612055411, 'all': 0.046477716248526486, 'part': 0.04202084263352993, 'because': 0.02971260280764215, 'account': 0.029312690886404716, 'many': 0.028173154976763398, 'and': 0.025335904678426044}, {'about': 0.22240244129110778, 'and': 0.13241218717078865, 'or': 0.1231308558815833, 'of': 0.10807161931403143, 'to': 0.07069095198461635, 'was': 0.059184499975685805, 'than': 0.05499760721232999, 'at': 0.054078938251624964, 'is': 0.03418509996883409}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.2593718934566506, 'a': 0.10125759305099895, 'of': 0.07111329639237203, 'and': 0.06602102991851495, 'The': 0.03176798387947307, 'to': 0.027698528658991094, 'in': 0.024467684331108182, 'tho': 0.021198505074873825, 'Mr.': 0.017110962866952857}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'of': 0.15160058538164076, 'the': 0.0846790468333597, 'in': 0.0805775913663969, 'and': 0.05939238282372251, 'a': 0.055696687136128735, 'for': 0.03948764345250678, 'to': 0.033341133215213196, 'by': 0.024523119988115495, 'In': 0.021805918397628594}, {'the': 0.18749362810635306, 'a': 0.12485973535333378, 'of': 0.11140921996852764, 'in': 0.05389439322174619, 'and': 0.042825166231589946, 'that': 0.031522080786219334, 'an': 0.028073391835189334, 'as': 0.024957423810155158, 'to': 0.024891397606749355}, {'to': 0.3490987493915735, 'will': 0.1685855969309491, 'may': 0.07583291761682097, 'shall': 0.06975896236467119, 'would': 0.06808368845366249, 'can': 0.05917731760379204, 'should': 0.05816972050176136, 'could': 0.04135350064000017, 'not': 0.03815694176828107}, {'statute': 0.21569155284583388, 'and': 0.09138604729903464, 'that': 0.03891008334753278, 'or': 0.036744663753202754, 'as': 0.029880794423083137, 'is': 0.026065677442959335, 'it': 0.025317263798739314, 'was': 0.023216097336508434, 'be': 0.02281378867336393}, {'out': 0.07628144565202438, 'one': 0.05902866791317407, 'number': 0.04256888076226289, 'means': 0.03613827463850278, 'place': 0.03304318604309412, 'kind': 0.030968934555018583, 'some': 0.029330950543963813, 'amount': 0.028464925490476405, 'all': 0.025266854109906672}, {'of': 0.16726741101326634, 'such': 0.11726021141727011, 'with': 0.1039025968799631, 'to': 0.09372397059407893, 'in': 0.0918330540170694, 'as': 0.07918008001174413, 'for': 0.06409563192899094, 'and': 0.06318565208297514, 'is': 0.05267637106961774}, {';': 0.01475920885451743, 'in': 0.012805118738551911, 'one': 0.011710555468207188, 'up': 0.01164970228762555, 'there': 0.011571010570575788, 'men': 0.011544408382123783, 'it,': 0.01009331045660417, 'them,': 0.008046213373924402, 'to': 0.007164587093641671}, {'the': 0.588691517824528, 'this': 0.07419375924182192, 'an': 0.06433130506707627, 'a': 0.049682884757919155, 'tho': 0.03518916209855609, 'The': 0.026689028608621376, 'any': 0.019112210012004253, 'our': 0.018495995889645733, 'of': 0.01638266804016455}, {'the': 0.11096586912939543, 'of': 0.08037138822293284, 'to': 0.05174587202106816, 'and': 0.04957523146959547, '.': 0.04441749130323926, 'Mr.': 0.041378441250508505, 'a': 0.03645243697333433, 'in': 0.02911266132799483, 'at': 0.02015621237951147}, {'and': 0.10273632524584246, 'the': 0.0681163889658145, 'of': 0.05742855197252561, 'to': 0.05390500808127133, 'a': 0.024200017862311827, 'that': 0.02308282686854722, 'was': 0.023047269167336976, 'said': 0.02192348124825161, 'be': 0.020681512237918344}, {'all': 0.08724450367352934, 'it': 0.06988920223645526, 'and': 0.05722897471472671, 'went': 0.03657529331061479, 'him': 0.032817505398029925, 'them': 0.031407386909129566, 'was': 0.031267028295616825, 'is': 0.0292366525350349, 'turned': 0.028737135067396172}, {'the': 0.11843932726343416, 'and': 0.07871613654901591, 'of': 0.06756974347816833, 'to': 0.06056341849189209, 'a': 0.055158703946848374, 'be': 0.028308930054514785, 'is': 0.024690464023094057, 'in': 0.024259270853385848, 'was': 0.02397057207092326}, {'the': 0.2465309069080085, 'of': 0.23557204448759778, 'on': 0.08139034051465335, 'at': 0.06336108925913488, 'from': 0.054140435831459346, 'in': 0.03764258925409039, 'and': 0.03686434652134921, 'by': 0.022971372503774037, 'to': 0.018390605857585177}, {'they': 0.09475376214097965, 'who': 0.09175360089683966, 'and': 0.06505460337861892, 'which': 0.06383629165549243, 'we': 0.04900664774642999, 'They': 0.04570490095352925, 'that': 0.039995938021318, 'there': 0.03985228670970216, 'men': 0.028863571244735757}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'at': 0.259087059524453, 'for': 0.0926268472400089, 'to': 0.05833805075216438, 'of': 0.0567299167499642, 'about': 0.05624235994610267, 'the': 0.0481794837402166, 'and': 0.04421099629553756, 'in': 0.030920773594246817, 'a': 0.026577337425737216}, {'of': 0.3281747381316507, 'to': 0.13337871226783168, 'at': 0.07385017444865094, 'for': 0.07325992228550614, 'in': 0.0657919621907452, 'that': 0.05929327787585288, 'and': 0.05813543172378982, 'by': 0.04813847678752636, 'from': 0.04100867985628009}, {'It': 0.19664369712558413, 'it': 0.18000998178384972, 'I': 0.0876626915771207, 'there': 0.08542276538695454, 'he': 0.08194608765176709, 'This': 0.05898482953059438, 'and': 0.05242286924676815, 'which': 0.03849020377333324, 'He': 0.034975611995820055}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'at': 0.43943151938539, 'of': 0.12822364426232366, 'to': 0.11476805747921973, 'in': 0.1090190664189383, 'for': 0.04248084479666376, 'from': 0.04009468854938693, 'In': 0.036401647816973415, 'At': 0.02192671300707819, 'and': 0.02107815376751721}, {'the': 0.1386171171030852, 'and': 0.10552264213898681, 'of': 0.06514020649027871, 'to': 0.051074604170633475, 'a': 0.043975668685269496, 'was': 0.03544056391889809, 'in': 0.03443137277338051, 'be': 0.030312554972030035, 'Mr.': 0.029508956432459925}, {'the': 0.22131559492739475, 'a': 0.09988012135539748, 'his': 0.09722297303061661, 'their': 0.09079113096783761, 'this': 0.07605346597688661, 'of': 0.0750595905763978, 'in': 0.06452884673750046, 'our': 0.05174641400219027, 'great': 0.048476447304357705}, {'made': 0.09667797893234936, 'and': 0.08173137944828066, 'accompanied': 0.06376764336949875, 'him': 0.04201633558326877, 'was': 0.037672478829829534, 'up': 0.029092431746843856, 'it': 0.02864063162160489, 'ed': 0.028264751810304235, 'followed': 0.028069721888221048}, {'he': 0.15894147550600163, 'and': 0.10751901299835717, 'it': 0.0831827616067176, 'who': 0.06981368236658048, 'He': 0.0686136696118975, 'It': 0.0658902456892773, 'which': 0.05264686859356078, 'that': 0.03799413723792947, 'she': 0.02609136165376587}, {'of': 0.34867099498431386, 'and': 0.10845984232678162, 'to': 0.07831449137387914, 'for': 0.07633218461956613, 'that': 0.06567487463905648, 'in': 0.05895603226395807, 'with': 0.0490045770675774, 'by': 0.040700159281895215, 'have': 0.03475811286838778}, {'put': 0.14426360628326396, 'to': 0.14170604357745895, 'of': 0.13036476648317336, 'keep': 0.07252192646247708, 'get': 0.05980737658649132, 'take': 0.058931664582471434, 'for': 0.057269835833976664, 'with': 0.05274689844950725, 'give': 0.04016295836048004}, {'the': 0.11745573271123773, 'and': 0.08882647927487718, 'of': 0.0476146384429258, 'in': 0.027851941054362197, 'was': 0.027826823664446502, 'to': 0.024276117810513444, 'for': 0.021557761087470057, 'that': 0.021052528976852024, 'is': 0.020893248015357194}, {'the': 0.12158920113036165, 'and': 0.09351145058566637, 'of': 0.06200100109724094, 'a': 0.05925965537639629, 'to': 0.02661608209528654, 'was': 0.023892358901608356, 'be': 0.022809988076765732, 'is': 0.020753078283282253, 'at': 0.018865669110827377}, {'and': 0.0514536354294588, 'it': 0.038494055866799645, 'is': 0.03216880416567494, 'was': 0.024221178311754254, 'him': 0.022204031656927848, 'feet': 0.020657991398614243, 'that': 0.018040468432952674, 'out': 0.017023837832258755, 'them': 0.01684995936526343}, {'the': 0.12310719422551081, 'of': 0.10112692469479734, 'and': 0.09780424384268638, 'in': 0.048308717428996, 'to': 0.047457976373954554, 'on': 0.030946427159693014, 'that': 0.0218959611927831, 'as': 0.019277479519325787, 'an': 0.018441040467059015}, {'went': 0.1201995435642131, 'carried': 0.11157709491839846, 'get': 0.07975061150983002, 'go': 0.07945790402961374, 'passed': 0.07164687756709014, 'far': 0.0664256244623331, 'taken': 0.0630592568890239, 'turned': 0.054106531642131805, 'ran': 0.046473663106142836}, {'the': 0.32768118044697864, 'a': 0.16292925315576956, 'of': 0.10219352291463416, 'and': 0.05983060221829716, 'are': 0.050149194039319396, 'with': 0.045008203173696755, 'very': 0.04004176592535833, 'these': 0.036396610151253464, 'other': 0.033248876280430634}, {'W.': 0.11375095759363749, 'Mrs.': 0.09460279214078815, '.': 0.07937837822923167, 'Mr.': 0.06896267034071363, 'John': 0.06502797989486056, 'J.': 0.06275261738637702, 'M.': 0.0512102933822255, 'S.': 0.0437109810536469, 'H.': 0.04310043869832984}, {'up': 0.07394403231593119, 'addition': 0.06425867562316782, 'and': 0.05825130436402971, 'came': 0.05337090137696794, 'as': 0.05260466430986238, 'due': 0.04153060531781821, 'according': 0.04060236881963609, 'reference': 0.039537101183225024, 'sent': 0.03879908645307954}, {'was': 0.22840007615389227, 'be': 0.1300226688303951, 'he': 0.09803982717551177, 'are': 0.09173601018211877, 'is': 0.0889430295784158, 'been': 0.08408084636567714, 'were': 0.07705308746570388, 'and': 0.0689107703174242, 'not': 0.04550671116523572}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'feet': 0.2882728884493147, 'so': 0.1091129707734749, 'inches': 0.06415319333800738, 'and': 0.05250791173923009, 'a': 0.04284342890070049, 'as': 0.038686854370062626, 'is': 0.038313926877773186, 'was': 0.03586854601274689, 'too': 0.03104358956580069}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'<s>': 0.05794545874280846, 'that': 0.05306400312407476, 'and': 0.028184203499259767, 'it.': 0.02471128504724403, 'but': 0.01718476727807942, 'as': 0.01466768248435974, 'them.': 0.014175614589163154, 'country.': 0.011615270763633563, 'of': 0.011235173260174407}, {'of': 0.23076105504451383, 'and': 0.10088786813321503, 'are': 0.06504271775642863, 'is': 0.05465853116694591, 'in': 0.049567815593675825, 'the': 0.03730816365888421, 'by': 0.03160474226236404, 'now': 0.031060251640233454, 'for': 0.02953918078378946}, {'was': 0.17840239916361797, 'be': 0.16437506609845826, 'is': 0.15566317694431023, 'are': 0.12230439175674301, 'and': 0.07829939430079143, 'were': 0.061650826405997866, 'al-': 0.04148727589186627, 'am': 0.03844189745278102, 'been': 0.036676941701983}, {'he': 0.1617529417813199, 'and': 0.15985548231097257, 'who': 0.09281249770764823, 'has': 0.08015708112637303, 'I': 0.06418605409233577, 'they': 0.06134035741496795, 'which': 0.05290679260892755, 'she': 0.04914405566734617, 'He': 0.04623299421646196}, {'the': 0.23915412554703414, 'a': 0.11140255142669306, 'and': 0.07603112097451434, 'of': 0.06284609054742453, 'to': 0.05079616544152424, 'in': 0.04364750362771519, 'The': 0.03594516212848987, 'his': 0.031819372150485345, 'on': 0.022411686820822063}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.2160823531301885, 'and': 0.0835412995224352, 'a': 0.05612090067726884, 'of': 0.054171984435122215, 'Mr.': 0.04746671313709602, 'The': 0.03885508486748958, 'is': 0.03221245533507944, 'was': 0.020892098543218995, 'be': 0.018568658615740356}, {'was': 0.24445651352933118, 'be': 0.24197442928259288, 'is': 0.14569907458107673, 'been': 0.07806182929048236, 'are': 0.0567603719375816, 'and': 0.05180329973393084, 'were': 0.04740948187648915, 'not': 0.04446009461284581, 'had': 0.039818246908723265}, {'of': 0.4471562200912665, 'in': 0.1893802081589866, 'to': 0.09774124657693192, 'from': 0.05581457321678431, 'on': 0.04320588563097657, 'by': 0.03584491058330069, 'In': 0.02834456712359284, 'at': 0.02630248456367175, 'for': 0.019046758040843787}, {'the': 0.23352733546119184, 'a': 0.11716058152218291, 'of': 0.08490788180824933, 'and': 0.05785123134309053, 'to': 0.03523101461015042, 'in': 0.03196634647937193, 'be': 0.026627865261633694, 'his': 0.02661663986223282, 'or': 0.023944653797651587}, {'able': 0.10326257125820683, 'enough': 0.06655642612579818, 'began': 0.06300150790375672, 'and': 0.06093085721918678, 'right': 0.05941438250996892, 'time': 0.05915868059109827, 'order': 0.053253421013614285, 'him': 0.052199821805711304, 'is': 0.04327202629673985}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'that': 0.33854142294661127, 'and': 0.17287487631504858, 'but': 0.06158247254146729, 'if': 0.04151271576135272, 'when': 0.04112976076723666, 'where': 0.03958392641855972, 'which': 0.03645630386373358, 'as': 0.0338366146344366, 'Then': 0.023312998937073733}, {'he': 0.2528503532221348, 'I': 0.2021103283695046, 'they': 0.11788353685859204, 'she': 0.072422975070977, 'we': 0.05962513215508121, 'and': 0.047142592615671164, 'who': 0.04080840411457302, 'it': 0.03445573591227025, 'that': 0.03174253919706608}, {'of': 0.13821514248262085, 'the': 0.1102838142479961, 'a': 0.09847984201402617, 'and': 0.07970323223691513, 'to': 0.05760659567743837, 'in': 0.042341198537464236, 'for': 0.021754701966385664, 'that': 0.020154426598400166, 'by': 0.020057356240042155}, {'the': 0.7646750236831046, 'The': 0.0841757418570822, 'tho': 0.03677573577343386, 'its': 0.027472171120006033, 'our': 0.019665437567387124, 'their': 0.013657687600909574, 'a': 0.012736127267264342, 'tbe': 0.011428474811873418, 'this': 0.010261844397743088}, {'<s>': 0.0675365029766736, '.': 0.033302549337655495, 'it.': 0.02700175787625252, 'and': 0.015053606493640473, 'Mr.': 0.011002237257305179, 'boy.': 0.01061438771243372, 'him.': 0.010245119059572339, 'time.': 0.009816427999143463, 'girl.': 0.009022521247303537}, {'would': 0.17779945024720675, 'to': 0.13384596995467807, 'who': 0.09657872772678129, 'they': 0.0801186691780261, 'I': 0.07157673832643867, 'which': 0.06175441121608197, 'must': 0.053300013979569974, 'might': 0.04794046605735594, 'shall': 0.04304524252072327}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'the': 0.18238784907821545, 'by': 0.14856128009707995, 'and': 0.10833108179594693, 'of': 0.05182863430524797, 'said': 0.03676931485994866, '<s>': 0.03283196060697034, 'to': 0.030044675580431685, 'The': 0.021201759791404498, 'that': 0.01714487780462388}, {'is': 0.40638330725029087, 'was': 0.21058085906962476, 'are': 0.06345489626565694, 'and': 0.0613236854987974, 'Is': 0.054128570667177446, 'had': 0.031806597109718664, 'has': 0.028481428130245953, 'were': 0.02683559312373055, 'have': 0.022923723820799026}, {'and': 0.11466261124671324, 'was': 0.04183008781999923, 'held': 0.03556966805171333, 'Beginning': 0.02896819071614559, 'is': 0.02752856476682257, 'look': 0.026279900325162895, 'arrived': 0.02597799389057782, 'that': 0.025271294744426742, 'interest': 0.023893646310221173}, {'to': 0.1642134788994491, 'will': 0.06641993629487007, 't': 0.06311107087190515, 'that': 0.048424843654623344, 'would': 0.04524181618375842, 'and': 0.04494422764735994, 'I': 0.03482518756574856, 'may': 0.030199577654719086, 'which': 0.023950460328769116}, {'of': 0.3864850160153457, 'to': 0.10236056732128097, 'in': 0.09301960968237415, 'and': 0.06345964268266843, 'with': 0.06243483615057061, 'by': 0.04846780455891554, 'that': 0.04785670948466051, 'for': 0.040977499335447656, 'on': 0.03955543273533096}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.555255226383508, 'in': 0.1421676977524776, 'to': 0.07323421726302883, 'by': 0.05882628329192138, 'In': 0.030764441623925613, 'from': 0.025925437085689153, 'that': 0.02559698099416314, 'for': 0.02230903694713729, 'and': 0.021535907479173094}, {'the': 0.5666673231143843, 'of': 0.08376287330355046, 'The': 0.07041621273656633, 'a': 0.029038514455290456, 'from': 0.028902145329987698, 'tho': 0.02731547107259622, 'and': 0.023730893661082303, 'for': 0.021181227604574214, 'in': 0.01635988311046234}, {'one': 0.08748891782679924, 'part': 0.0386083438747652, 'out': 0.02695093718388284, 'portion': 0.023576039796977998, 'side': 0.019628641177316258, 'some': 0.016085236502000392, 'that': 0.01565678845688778, 'tion': 0.015050944562145247, 'member': 0.013900571109613031}, {'secured': 0.2552773299999398, 'made': 0.050886688004810804, 'and': 0.0409019037286398, 'provided': 0.027276170199419036, 'conveyed': 0.025669890784119357, 'executed': 0.019700745124139076, 'that': 0.019276298662628026, 'delivered': 0.017395904156616456, 'filed': 0.017175932458954688}, {'of': 0.2243478380733763, 'at': 0.17199649066748615, 'in': 0.13046560802347645, 'to': 0.10029873872508556, 'on': 0.08052261890655812, 'for': 0.06312026792167372, 'and': 0.06074173296247373, 'from': 0.04313391290302722, 'that': 0.03485697164821149}, {'up': 0.020470727601053083, 'men': 0.013874396543063551, 'time': 0.012950163460621295, 'him': 0.012731952870244473, 'years': 0.011404471284498731, ';': 0.010485416570707146, 'here': 0.010115443474432214, 'it,': 0.009696981019781021, 'day': 0.009490850629923631}, {'and': 0.3450297984166513, 'the': 0.13082429911519705, 'of': 0.10413400506104456, 'from': 0.04913728630325725, 'a': 0.03815479423030735, 'that': 0.032583618926462304, 'his': 0.03179830710088434, 'or': 0.025601867165363692, 'as': 0.02460966046329825}, {'to': 0.2488566455963493, 'will': 0.1918869821835826, 'would': 0.1369490557219903, 'may': 0.09587721447663639, 'should': 0.0769869077019181, 'shall': 0.07112305385375883, 'not': 0.07010389928411624, 'must': 0.03712986820260789, 'can': 0.029082649313694215}, {'of': 0.28442186076039466, 'in': 0.20448291401719532, 'for': 0.07613466385579189, 'and': 0.06274539810584176, 'by': 0.05218785339568323, 'are': 0.04640716387258289, 'In': 0.04068269932923116, 'is': 0.030431322593440474, 'with': 0.02404642706275224}, {'of': 0.3628366103258962, 'the': 0.15181461552154693, 'and': 0.09402921581330483, 'a': 0.07243733678008296, 'to': 0.06200146862755371, 'with': 0.050249796605833945, 'in': 0.041053326547403714, 'for': 0.03787521544436898, 'some': 0.032920906750154175}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.17007388555208247, 'Navy': 0.13573852870975392, 'War': 0.09663517746334499, 'of': 0.09493383935777337, 'Treasury': 0.07583084867751473, 'Fire': 0.06034779153407481, 'State': 0.046899456789897064, 'and': 0.01518338757669492, 'Agricultural': 0.012351017989083671}, {'it': 0.16838408475903097, 'he': 0.1363017470898576, 'It': 0.1258963328881167, 'there': 0.08884094180369263, 'I': 0.07710713603306843, 'He': 0.059255802648968875, 'which': 0.05445169095892561, 'There': 0.0485427860345556, 'and': 0.040909455021518805}, {'a': 0.187954079657446, 'to': 0.17666240613832612, 'the': 0.16230923270217418, 'this': 0.13990136725867677, 'last': 0.08967780479671922, 'and': 0.04906637440936858, 'next': 0.04239619532643222, 'can': 0.03403342859413491, 'or': 0.026741548219826317}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'for': 0.2751758386097804, 'of': 0.23547194394922663, 'during': 0.12590618172238377, 'in': 0.09714368396886235, 'to': 0.05801895681268288, 'all': 0.036168415231364624, 'In': 0.03489906578489161, 'at': 0.034366223468221595, 'During': 0.026656963123621112}, {'the': 0.19137897765542994, 'of': 0.10905745825950272, 'and': 0.06980019060869232, 'a': 0.05781501623894163, 'to': 0.04956257953751784, 'in': 0.022697110487345303, 'his': 0.017709323070336083, 'for': 0.015797834576012502, 'Mr.': 0.014010895826805075}, {'point': 0.06559710891018104, 'number': 0.0542618885824177, 'line': 0.05225678493826315, 'amount': 0.048716473133404964, 'day': 0.04795467840750012, 'out': 0.039923263729014426, 'bushels': 0.03250336588873642, 'state': 0.032153149055037314, 'costs': 0.026391264766498997}, {'the': 0.18847046086757496, 'and': 0.07827896376329317, 'of': 0.058334631227236255, 'Mr.': 0.04241077463672873, 'The': 0.03980209237992832, 'a': 0.030972976831335212, 'his': 0.022224285559617262, 'I': 0.018838428584508248, 'that': 0.01817835654443407}, {'for': 0.17946368089792172, 'of': 0.14235465196484112, 'to': 0.0938375997900797, 'and': 0.06839425536289441, 'in': 0.06312770492314344, 'with': 0.061028297463324215, 'about': 0.05005256009492356, 'upon': 0.04859287338759135, 'by': 0.03202955519287058}, {'of': 0.2164086906812982, 'for': 0.10248884287436018, 'to': 0.0956046018654832, 'and': 0.0927526696494727, 'by': 0.07807811510305068, 'in': 0.06320157682476168, 'with': 0.05123859832791032, 'that': 0.04399085289427301, 'at': 0.03039723193218079}, {'the': 0.10047720831908143, 'of': 0.06655279845735956, 'and': 0.06079961377224778, 'to': 0.06067406450332018, 'in': 0.028780434690548553, 'was': 0.02663081671642742, 'Mr.': 0.021354638307735905, 'that': 0.020955091606947678, 'is': 0.01928130449368128}, {'is': 0.09053918174212221, 'as': 0.08018991028767873, 'and': 0.06901433911583478, 'seemed': 0.052006798770018466, 'was': 0.0481826948928895, 'him': 0.04646973417539514, 'seem': 0.04268605422931404, 'seems': 0.04169173690738909, 'reason': 0.040976723023918527}, {'and': 0.12810442075908623, 'said': 0.1178738898613724, 'of': 0.11250575745123731, 'in': 0.09480371430674527, 'on': 0.07156970952195447, 'to': 0.0652132514684014, 'at': 0.042452162086629844, 'fact': 0.03499065292850829, 'from': 0.031961787426895094}, {'the': 0.1873830439526333, 'of': 0.10165320332316363, 'to': 0.07121158975065293, 'and': 0.06239695364163807, 'in': 0.035446901840830145, 'for': 0.035173487692861834, 'be': 0.028874204567123713, 'was': 0.021018146370974093, 'is': 0.019131692790431924}, {'the': 0.6446804118564051, 'The': 0.06577670687557141, 'and': 0.046057017283740675, 'assessed': 0.04329530188952176, 'par': 0.04204507948780465, 'tho': 0.03135305026054423, 'in': 0.02416149507375998, 'of': 0.022271820675248293, 'a': 0.022042147721927894}, {';': 0.02233064637501378, 'it,': 0.018749082152003636, 'here': 0.014054947500137435, 'him,': 0.01376941704856064, 'them,': 0.010965308347617836, 'him': 0.00934980446579382, 'up': 0.009346363139294846, 'time,': 0.008972603410488025, 'in': 0.00793939900852547}, {'to': 0.2267505108488176, 'a': 0.15380645942992402, 'the': 0.1374968327163367, 'great': 0.07372553957001185, 'of': 0.05788202042149377, 'in': 0.05551951006432478, 'large': 0.048588408139258764, 'and': 0.046358395673993226, 'full': 0.03326482191623631}, {'the': 0.6341407678924316, 'and': 0.04523955042772507, 'tho': 0.04300532999300914, 'The': 0.028319848367421387, 'said': 0.024996144561537034, 'a': 0.018072346947149213, 'an': 0.016638537426306436, 'tbe': 0.016323466768519472, 'this': 0.011833630893584808}, {'the': 0.08931260277328444, 'and': 0.07216081432752436, 'of': 0.06631777510285358, '.': 0.037456537666968444, 'to': 0.025295426567028392, 'by': 0.02335393141212397, 'Mrs.': 0.022091772803332854, '<s>': 0.019388620234725512, 'Mr.': 0.016413341644774794}, {'the': 0.22851916389688604, 'of': 0.07581281203941721, 'and': 0.0547435302726828, 'a': 0.04912787365716145, 'for': 0.031521958469870826, 'to': 0.024667722574300718, 'in': 0.02130738309920795, 'at': 0.02100997378630027, 'was': 0.016858671471075285}, {'able': 0.06269704197647433, 'and': 0.05691430841659065, 'is': 0.053907376047818194, 'have': 0.05068188778332057, 'him': 0.04788358792811962, 'had': 0.041278948787956175, 'right': 0.03906188901777502, 'enough': 0.038342454991649906, 'willing': 0.03697054181889708}, {'it': 0.15746602310056082, 'they': 0.1345478797890224, 'we': 0.11237064989858551, 'he': 0.08056568190020194, 'you': 0.0782375577486317, 'It': 0.07644485331191889, 'that': 0.06864284556001812, 'which': 0.05847696943750515, 'I': 0.05700404919165768}, {'of': 0.13802226615034122, 'the': 0.08925152202948906, 'to': 0.059187853680910237, 'and': 0.05452827577878084, 'a': 0.054139593084455755, 'in': 0.04265154078554942, 'on': 0.03271507618460766, 'that': 0.026126592211648512, 'by': 0.021640758181854236}, {'he': 0.19521845650869304, 'I': 0.17213988925058987, 'they': 0.14227627474608032, 'we': 0.06662319260466269, 'she': 0.054674458694524995, 'that': 0.04457206337602299, 'who': 0.043888756885863474, 'and': 0.039759674448844436, 'it': 0.039535876401045875}, {'the': 0.181981358815316, 'of': 0.12155842331105805, 'to': 0.0664538850550095, 'and': 0.04666645055846086, 'in': 0.021311278499736436, 'be': 0.021271935325279406, 'for': 0.019342576620121843, '<s>': 0.016258771555628507, 'a': 0.015599184547339964}, {'and': 0.13295731606296934, 'that': 0.03544684290072462, 'a': 0.023557823326818803, 'but': 0.02316021304183084, 'was': 0.020013783000069337, ';': 0.01534165678045701, 'as': 0.014688074080007725, 'is': 0.014069827213921682, 'the': 0.012786186310145976}, {'the': 0.27741886542033917, 'his': 0.2190252833884728, 'a': 0.11226804196548965, 'my': 0.07375081479337678, 'her': 0.07223067333661126, 'and': 0.03191940264099033, 'your': 0.028112551913230362, 'of': 0.027714972650941864, 'their': 0.023075417484294865}, {'<s>': 0.11921702670659277, 'it.': 0.016097156892528174, '.': 0.013091374465435894, 'them.': 0.010845810318602813, 'him.': 0.010192806101768256, 'day.': 0.008349874507322169, 'time.': 0.007456132085844931, 'country.': 0.0068933982423360724, 'year.': 0.0064299640930016696}, {'and': 0.09602206521668105, 'recorded': 0.061067259335873994, 'that': 0.03158298514933099, 'office': 0.02343496964075903, 'feet': 0.022710978046274328, 'interest': 0.01882061513784134, 'or': 0.018421069394899035, 'payable': 0.018019850167092937, 'as': 0.01762780965067423}, {'the': 0.23931454778424324, 'of': 0.12521566833174086, 'and': 0.08248639999637948, 'a': 0.07601883248984374, 'in': 0.022055941216950765, 'to': 0.019274090537492655, 'or': 0.017712219588990254, 'The': 0.017414931862003668, 'tho': 0.015369401914094733}, {'the': 0.2659387173946858, 'this': 0.16170685581564354, 'any': 0.1420731575430738, 'a': 0.13179935867971485, 'no': 0.11512723617281673, 'every': 0.049989593004578455, 'that': 0.044277751635695785, 'of': 0.023169342126959525, 'The': 0.023019478370934886}, {'of': 0.37184553016774724, 'in': 0.25234251298767824, 'to': 0.06892584144456736, 'In': 0.056300167518754655, 'by': 0.05487962823070568, 'at': 0.052189017608999584, 'on': 0.037099984228326666, 'from': 0.03347006521660624, 'with': 0.019948546610822168}, {'and': 0.2394595572239885, 'that': 0.1301423242137031, 'or': 0.04504514645716662, 'but': 0.038503975935282576, 'it': 0.021558916498936185, 'only': 0.020459104995432416, 'made': 0.015141138830535139, 'which': 0.013803398044327361, 'time': 0.013215521011010822}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'.': 0.060992406701101946, 'the': 0.060800424567419485, 'and': 0.045214454443163625, 'of': 0.04176129168436816, 'to': 0.03151137566741004, 'Mr.': 0.024959508656816325, 'Mrs.': 0.024785232811227822, 'Miss': 0.02472861658336402, 'a': 0.022165872680971945}, {'of': 0.09774901875952775, 'and': 0.09121967491351424, 'as': 0.08924416880026173, 'for': 0.08790108111047604, 'to': 0.06915183909607776, 'put': 0.05707525438850181, 'that': 0.0473477252681683, 'in': 0.047299772273162025, 'with': 0.04228617452940379}, {'it': 0.18799476193359307, 'It': 0.08908477585564534, 'there': 0.0782565161721338, 'they': 0.0607880603232045, 'that': 0.055266195416502926, 'which': 0.0511501671325387, 'he': 0.04987225743663854, 'and': 0.04873018340012423, 'I': 0.03700648773256737}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.17223846021444483, 'a': 0.13189612684361612, 'to': 0.11633528554915477, 'and': 0.06343727049202144, 'in': 0.04012729945515628, 'of': 0.038225938722141785, 'not': 0.03715215398044757, 'abun-': 0.036630234655770484, 'will': 0.026514729235231953}, {'of': 0.345354851079645, 'in': 0.19180482092149026, 'to': 0.0997616550666239, 'and': 0.04829808825758038, 'that': 0.04339326992566973, 'In': 0.042663785058800474, 'by': 0.04022419909313971, 'for': 0.036815825604553265, 'with': 0.035198935752645696}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'and': 0.0180289938996074, 'that': 0.017054260584694853, '<s>': 0.012448074492667733, '.': 0.010281995514773327, 'it': 0.007262510771337616, ',': 0.006994220624980832, '': 0.006819631839033566, 'which': 0.006739901486261518, 'as': 0.006052328939920569}, {'be': 0.36453039532707804, 'was': 0.1331693920701606, 'is': 0.11438072521833817, 'are': 0.0959735196947553, 'been': 0.07538332135549501, 'were': 0.05000695051709601, 'not': 0.0389365438723409, 'and': 0.035588625989467396, 'being': 0.032398390302784415}, {'to': 0.526997596081851, 'and': 0.07101522836754186, 'I': 0.06969555912687081, 'they': 0.05593080616974647, 'we': 0.048528183483624504, 'you': 0.044942803090379395, 'would': 0.0447528922132391, 'will': 0.04424246327337363, 'not': 0.03920276145262474}, {'is': 0.22134540702835984, 'had': 0.1571076194050693, 'have': 0.13454850211566294, 'was': 0.13205165646310635, 'has': 0.13084923414330657, 'are': 0.07420691029510063, 'Is': 0.03135295159251716, 'were': 0.02484266413232133, 'do': 0.019302203619945543}, {'have': 0.30276988356487233, 'had': 0.29815954179838444, 'has': 0.19206292648268156, 'was': 0.03996080630601172, 'and': 0.022733808656538262, 'be': 0.021735141582334704, 'is': 0.020061847484571932, 'having': 0.018067184913360103, 'been': 0.017907669491658503}, {'the': 0.47651453125778503, 'The': 0.09620884911091875, 'of': 0.09014322155614676, 'this': 0.057180879161180156, 'that': 0.04298265312028983, 'a': 0.026850787768853468, 'and': 0.02257552659822774, 'tho': 0.022038410719904245, 'This': 0.01371491985725678}, {'make': 0.13665259254847154, 'made': 0.11916408950304144, 'put': 0.0822355794852693, 'get': 0.07304340895657398, 'take': 0.06745429931168606, 'keep': 0.06312010115667065, 'taken': 0.05494657120509658, 'give': 0.04774091673615734, 'kept': 0.04288469599776452}, {'the': 0.13913189018482425, 'in': 0.1330559386238193, 'and': 0.12048460740577313, 'of': 0.08325808840566658, 'to': 0.06977732854931969, 'or': 0.05423610802941411, 'a': 0.05394838540730979, 'In': 0.036749724933817736, 'at': 0.021208132426061777}, {'the': 0.7143842202865781, 'The': 0.1573259526275609, 'tho': 0.03247138749255302, 'this': 0.015845435350911475, 'tbe': 0.011513495182216291, 'that': 0.011146424218178436, 'This': 0.008534388700356327, 'a': 0.008449476694212598, 'our': 0.0075504110637538485}, {'of': 0.4844822113057089, 'to': 0.08362613807320825, 'on': 0.07475381332933595, 'in': 0.07386971831557904, 'by': 0.06270026779362622, 'and': 0.04289684779085109, 'from': 0.038020934200376076, 'that': 0.03725877716475445, 'at': 0.03659927835302083}, {'and': 0.24267247886134194, 'he': 0.1024201069939034, 'had': 0.07007608223225188, 'be': 0.06379544207238765, 'was': 0.0571519358758639, 'I': 0.042458341015551335, 'have': 0.041394567815730546, 'that': 0.03698923796633842, 'the': 0.03619153228657755}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'of': 0.18854775765451903, 'Mr.': 0.09375186024176671, 'the': 0.08229476211936476, 'and': 0.07640613569493827, 'at': 0.0667789539637038, 'by': 0.061771033790658667, 'to': 0.05237387491131039, 'dis-': 0.03618334606569901, 'for': 0.03394631698347138}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'the': 0.3736304319165591, 'a': 0.07105306555985454, 'so': 0.06892728573602226, 'other': 0.06433388437399729, 'to': 0.06314146849999928, 'such': 0.04848407450287701, 're-': 0.04648316212935886, 'tho': 0.042288009143961185, 'and': 0.03945829556431394}, {'I': 0.2882623496543277, 'they': 0.13042754878557034, 'you': 0.1014800534941853, 'we': 0.09685984096554041, 'and': 0.0746451072968235, 'he': 0.051649018445985045, 'who': 0.04462956026671423, 'You': 0.04030536859534404, 'We': 0.033732406194537594}, {'the': 0.6981992520404885, 'a': 0.04698334148938538, 'and': 0.03682068275873715, 'tho': 0.02992651200619262, 'in': 0.02740896951487596, 'of': 0.02647827127139871, 'The': 0.02352641161187546, 'his': 0.021277420505120513, 'great': 0.014783542050430119}, {'the': 0.26164547877678473, 'of': 0.10223421594452226, 'these': 0.054934371528586476, 'The': 0.05151597431717991, 'his': 0.04758269754383116, 'and': 0.03722130553132547, 'two': 0.03254265358215264, 'some': 0.03148397343288976, 'their': 0.031031619322011112}, {'of': 0.4053320571279339, 'to': 0.10775497544931502, 'in': 0.08027788324162934, 'on': 0.07240311576627481, 'at': 0.07069241888117103, 'by': 0.05687933870946955, 'for': 0.046739871147114136, 'from': 0.04448172718383104, 'and': 0.038112700190104785}, {'the': 0.1400957158539858, 'and': 0.09301867970302506, 'of': 0.08529826892208961, 'to': 0.06402862219550355, 'in': 0.05163117879394684, 'his': 0.03469351165048399, 'be': 0.034558174695558046, 'a': 0.03101004150647936, 'for': 0.029550703883572692}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'and': 0.08390461319671595, 'going': 0.058048469834001006, 'him': 0.05491353083635329, 'is': 0.05392384049690651, 'time': 0.048893383165761674, 'able': 0.04646748178392406, 'as': 0.046385323615641794, 'order': 0.04273337199627162, 'enough': 0.04146053578518778}, {'the': 0.4650876574066097, 'of': 0.09180242144195468, 'Western': 0.09076809507439185, 'and': 0.06385343268675815, 'a': 0.05824077554255671, 'The': 0.037366034894754714, 'tho': 0.025332396365974397, 'large': 0.020906613403098982, 'an': 0.020356170484469617}, {'I': 0.2577890646777993, 'to': 0.12591045475815485, 'we': 0.11058485531782875, 'they': 0.08188233644880458, 'would': 0.07521890527847483, 'We': 0.06751084270725408, 'who': 0.05702531446682005, 'you': 0.05362557653983419, 'will': 0.04541674606479018}, {'one': 0.09164256515269945, 'part': 0.066753159213866, 'some': 0.050694417972555715, 'out': 0.04895490147929289, 'all': 0.03198059071123775, 'portion': 0.02799964274031476, 'any': 0.023061308494494337, 'much': 0.02188314312596853, 'that': 0.02137507608911666}, {'he': 0.20579119519427383, 'I': 0.10174166636337358, 'who': 0.09236848090191783, 'they': 0.06659442803500999, 'she': 0.053802499109497325, 'and': 0.04925007459150555, 'which': 0.04344125763005336, 'He': 0.036050314094599537, 'that': 0.0355618969913316}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.32299373237674445, 'that': 0.11154244297827039, 'by': 0.11047099880613218, 'to': 0.09057803919731718, 'in': 0.06739353410184144, 'and': 0.06350111061789125, 'for': 0.04312029871550182, 'with': 0.03474815946590326, 'as': 0.03295645097578694}, {'in': 0.30037337566817107, 'of': 0.2986010425281071, 'In': 0.08489532869084315, 'for': 0.06504154561230256, 'to': 0.06199017339563309, 'from': 0.03487124549134596, 'at': 0.0335581352410313, 'on': 0.030408610493747303, 'that': 0.02560939630887411}, {'the': 0.549179141047789, 'an': 0.13299022240325462, 'The': 0.06830746325538908, 'of': 0.06615008551576268, 'tho': 0.027104372770802746, 'in': 0.026865566794953007, 'his': 0.02541948601302989, 'a': 0.02457453694825576, 'their': 0.022495983510937078}, {'from': 0.09723611814388246, 'and': 0.09571291230127582, 'give': 0.08497121497276486, 'of': 0.08070727392754794, 'for': 0.07728621188068702, 'with': 0.06714145939641253, 'as': 0.06591649459891348, 'in': 0.06366482372890439, 'that': 0.05082625459381011}, {'and': 0.19516377731708445, 'that': 0.1158307036634822, 'time': 0.06451863490533163, 'but': 0.056886508025654065, 'day': 0.04825236735529812, 'which': 0.021521389348865577, 'do': 0.017299348027722858, 'days': 0.01492911356437939, 'the': 0.014632851377717535}, {'the': 0.36620808719052345, 'this': 0.19549919551471767, 'last': 0.10774548220946692, 'a': 0.102927029624817, 'next': 0.035455822844009714, 'every': 0.02549787677276665, 'The': 0.02518725944096608, 'first': 0.023040429217596387, 'that': 0.022605209596908152}, {'a': 0.1319274992241834, 'the': 0.1126467088732579, 'of': 0.0992861023170573, 'and': 0.09337172088370174, 'to': 0.059202365434646395, 'in': 0.053542385086574655, 'for': 0.0525690744708229, 'that': 0.034681604039684566, 'by': 0.025915886944685638}, {'N.': 0.27732786502275014, 'S.': 0.21573431056992384, 'north': 0.10298842915613664, '8.': 0.07798621234694154, 'south': 0.05663181532901055, 'thence': 0.03260708632253194, 'and': 0.019169652718821782, 'of': 0.016013413613703464, 'lot': 0.013979050171415323}, {'him.': 0.04912094758111204, '<s>': 0.03517756724759036, 'it.': 0.029353811441195192, 'them.': 0.017612585991011735, 'life.': 0.01407464865869952, 'time.': 0.012355654670380418, 'years.': 0.012298146028033405, 'her.': 0.012188426701592344, 'man.': 0.009899108499468698}, {'the': 0.4395042502446488, 'The': 0.23354489486600505, 'and': 0.06302890212052396, 'to': 0.039996511384919234, 'of': 0.02787487094432561, 'tho': 0.023554862442082096, 'that': 0.02291630274019246, 'a': 0.021455942211914072, 'his': 0.018524405639491086}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {'as': 0.10064001409510857, 'and': 0.06607980648195921, 'up': 0.053237189427859294, 'him': 0.039256759218835514, 'came': 0.03798730281742039, 'them': 0.037054320427998166, 'come': 0.03681924833886149, 'it': 0.03468104505992358, 'is': 0.03290742898400973}, {'the': 0.19850810625571214, 'of': 0.11103643853021818, 'to': 0.0786664699556278, 'and': 0.07751843331153636, 'a': 0.055933497800549785, 'in': 0.034195488437797746, 'be': 0.02994003634409797, 'is': 0.02463658338107408, 'for': 0.02435450358336164}, {'to': 0.2141610545753163, 'with': 0.17979716888862424, 'for': 0.10651898602119896, 'of': 0.09800773998053662, 'upon': 0.05705365748563901, 'on': 0.044949285267137214, 'against': 0.04004163966269367, 'in': 0.031131718031846008, 'from': 0.030514793950330712}, {'at': 0.19819378657924477, 'of': 0.17879530268226965, 'in': 0.1468492004794303, 'to': 0.08046607454001911, 'on': 0.06433526092123662, 'for': 0.06424552815699042, 'and': 0.05729030636114831, 'that': 0.039893638526204436, 'from': 0.037871262343371875}, {'the': 0.2055821847206563, 'of': 0.0898866178652267, 'a': 0.06448360367635718, 'and': 0.04993101120086725, 'to': 0.04182843913137826, 'in': 0.0278777126546653, 'or': 0.02642427322660492, 'that': 0.02276608440638278, 'The': 0.020596394492970908}, {'and': 0.3163872818326306, 'of': 0.038032135392891825, 'that': 0.03223501864624054, 'by': 0.027001466758647043, '<s>': 0.017145599296898396, 'to': 0.014269905598404456, 'said': 0.006283345577907607, 'sister,': 0.005736914032498624, 'from': 0.005355513911563582}, {'and': 0.10354427986582808, 'the': 0.09420286474601881, 'a': 0.040880948735422896, 'A': 0.03861737117367099, 'Mrs.': 0.031607118740041, 'of': 0.026703795802624834, '.': 0.022408881443550858, '<s>': 0.022224309754078853, 'Miss': 0.020112737166148344}, {'of': 0.2579387280572443, 'in': 0.22036211995937943, 'and': 0.09694520173470905, 'to': 0.08345085090510915, 'on': 0.07294255221552917, 'for': 0.048164831561589176, 'with': 0.036810906431971685, 'from': 0.03667656361724423, 'In': 0.0336606766624213}, {'the': 0.23380147819380437, 'I': 0.17852688269149802, 'a': 0.11645987293148796, 'and': 0.06806310502608716, 'not': 0.06307520974759039, 'we': 0.05681177395566166, 'to': 0.04690437858702934, 'you': 0.032001281382922395, 'who': 0.03158083126367239}, {'out': 0.07713088543853147, 'number': 0.03769441286387762, 'amount': 0.035184308343845554, 'place': 0.029573178043300424, 'purpose': 0.028257115973818157, 'cost': 0.024814872205964917, 'line': 0.021286519656396684, 'tion': 0.019954321081679178, 'board': 0.019828931900318498}, {'part': 0.051921275420841975, 'out': 0.029805957080699337, 'one': 0.02957836558641308, 'side': 0.028437411792686232, 'day': 0.02462493176294867, 'and': 0.013644970279096592, 'portion': 0.013637510257490838, 'that': 0.012379912451346743, 'case': 0.012141650590138052}, {'<s>': 0.08007005726262467, 'it.': 0.03258407282887157, 'them.': 0.023679337696154747, 'him.': 0.012800151850890581, 'time.': 0.012079479072135827, 'country.': 0.009577446502008518, '.': 0.008852897567129429, 'day.': 0.008402226250061593, 'life.': 0.0076630198221971065}, {'the': 0.15697438166033498, 'of': 0.1112033691552649, 'and': 0.09668909198757743, 'to': 0.05415338812301331, 'in': 0.04200070682198539, 'that': 0.031322649721288315, 'for': 0.027301645717779953, 'by': 0.025239939101205294, 'on': 0.01895373298740775}, {'it': 0.146421723165424, 'which': 0.0896224759101468, 'he': 0.08289378256787579, 'It': 0.07624515418202497, 'and': 0.06406859408286786, 'that': 0.06281000108362528, 'be-': 0.05108504914225937, 'who': 0.03530146194685102, 'there': 0.027981395906945664}, {'there': 0.2879953228401855, 'There': 0.15281515539869725, 'they': 0.0993377039847184, 'and': 0.04119409516498001, 'who': 0.040784568494758054, 'They': 0.03031379786655392, 'we': 0.028333157110680973, 'which': 0.025719343730525923, 'that': 0.01710226517265904}, {'the': 0.6497603564967948, 'a': 0.09577003278285941, 'of': 0.03910268952458493, 'The': 0.03786015755088489, 'tho': 0.02640045201825, 'until': 0.02223029504683705, 'and': 0.01975867353299662, 'this': 0.014777931148259899, 'too': 0.013700858129881695}, {'it': 0.17271748135885118, 'It': 0.1634701665927948, 'This': 0.114649717168125, 'which': 0.07060569815304507, 'that': 0.06206066835803908, 'this': 0.05595527987103594, 'and': 0.040139838520179334, 'there': 0.03647213271263341, 'he': 0.02983275606289565}, {'the': 0.2040976493886518, 'a': 0.12430454162093901, 'of': 0.11402072353005115, 'in': 0.062196469085978506, 'for': 0.047461981068928474, 'and': 0.03966819425123119, 'to': 0.029629278726153917, 'by': 0.027490171856129356, 'his': 0.02010683136164633}, {'was': 0.2422737947659483, 'be': 0.15061240881708962, 'is': 0.1397916376150188, 'been': 0.12499581719028827, 'were': 0.05797042899083711, 'are': 0.04713208289151415, 'being': 0.03349637136611014, 'and': 0.0317867028216164, 'had': 0.029242608997687373}, {'it': 0.16411359506437387, 'he': 0.14954161600447524, 'I': 0.09924289247460516, 'they': 0.06792129061407697, 'that': 0.05884136221786404, 'who': 0.051320788529408475, 'and': 0.050998303973430324, 'It': 0.049945600477962156, 'which': 0.04548813962867062}, {'of': 0.21004255590880538, 'his': 0.1992553529168351, 'a': 0.13865424900521842, 'the': 0.10485568941217499, 'my': 0.09998129671954037, 'her': 0.08334002766777973, 'for': 0.02686555480737338, 'your': 0.020705052939258332, 'their': 0.01941800505696198}, {'the': 0.16660217666973212, 'a': 0.09948545434449836, 'of': 0.09617714768197692, 'and': 0.08413870162672868, 'for': 0.04519094279881333, 'in': 0.044071576909792715, 'at': 0.03888055464539156, 'that': 0.03485628208395003, 'to': 0.03424439776438954}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'and': 0.06672984014707727, 'not': 0.03643212532774773, 'them': 0.028913308670259836, 'up': 0.027496258691677967, 'it': 0.023649434614330094, 'there': 0.023076416657494422, 'continued': 0.021400629392002792, 'him': 0.02003775960756545, 'her': 0.01894430441309596}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'of': 0.2892906848263226, 'in': 0.22905183037160695, 'to': 0.11969830593895371, 'In': 0.0559648714837403, 'for': 0.0543269266020051, 'from': 0.049142004034562065, 'by': 0.045480983281983335, 'on': 0.04445169095497834, 'with': 0.04104717818270088}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'a': 0.23744157717888512, 'the': 0.18824954863428964, 'to': 0.13706358037833563, 'and': 0.0847667147382549, 'I': 0.04785419552127602, 'we': 0.03859467416977062, 'who': 0.03434967885693796, 'they': 0.031102087569255043, 'The': 0.02723692304615902}, {'and': 0.08626131322641144, 'right': 0.08550179450663352, 'as': 0.061680199085054475, 'is': 0.056391920948307826, 'able': 0.05159593000970275, 'them': 0.04501388703491138, 'necessary': 0.04151922117252007, 'him': 0.03980429241836514, 'time': 0.03698582197070265}, {'and': 0.16901374667543417, 'of': 0.15296063366237508, 'to': 0.07752739111774218, 'are': 0.05983769694918659, 'with': 0.058215722785353446, 'at': 0.05691985311416336, 'that': 0.05627261361805163, 'was': 0.05311493601145404, 'in': 0.04810851604421569}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'Mrs.': 0.1138334564894876, '.': 0.06116154023779927, 'Mr.': 0.0565498162621765, 'and': 0.040813203805002106, 'of': 0.03909758112557343, 'Dr.': 0.027822335158347963, 'J.': 0.027490567373093626, 'by': 0.025605106138881485, 'W.': 0.02512469842865646}, {';': 0.02247454444614222, 'mortgage': 0.018391156047077403, 'Mr.': 0.012502690795872172, 'street': 0.010369370444478221, 'mortgage,': 0.010058513471181103, 'contained,': 0.00834525158689426, ',': 0.008268421620600269, 'feet': 0.007034621327176185, 'one': 0.006506706596209408}, {'and': 0.08518305163549854, 'is': 0.07472445291034197, 'as': 0.048525651010162964, 'him': 0.04645295531715365, 'was': 0.04577206410753853, 'not': 0.04148147206638638, 'necessary': 0.040991385447037926, 'have': 0.038430520972838826, 'them': 0.035749538910341515}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'to': 0.3431325953660888, 'will': 0.2000003378240101, 'may': 0.09043243197025162, 'shall': 0.06468401210186887, 'can': 0.06353004344679543, 'should': 0.061082525298233124, 'would': 0.049833371039481135, 'must': 0.044109149990410754, 'could': 0.04076978697516068}, {';': 0.021242913095536203, 'up': 0.014424227606982015, 'him,': 0.007926783609707413, ',': 0.007691806057242394, '.': 0.007539340354171453, 'it,': 0.007187940427200102, 'street': 0.007034615653993716, 'in': 0.006568743319249136, 'hundred': 0.0061427678812429245}, {'of': 0.2954906972870806, 'the': 0.13989276338401274, 'and': 0.10443374788690526, 'a': 0.09660093602605001, 'in': 0.0734341313563146, 'with': 0.04361746486318898, 'by': 0.04206051003649047, 'to': 0.03381757462434985, 'for': 0.02686267097054329}, {'of': 0.269927205427037, 'the': 0.2661451575098914, 'our': 0.05638911792920867, 'their': 0.04960161935064402, 'and': 0.044121348699945884, 'The': 0.030173788789153968, 'his': 0.02550687655325777, 'all': 0.01696178540548794, 'or': 0.01685506905322391}, {'the': 0.14372384454482584, 'and': 0.099359086046083, 'of': 0.09405374366800018, 'to': 0.07302510364944151, 'be': 0.04415264867889929, 'a': 0.03595604584912906, 'was': 0.03531660013120576, 'at': 0.027117137813397363, 'in': 0.026007478466046476}, {'and': 0.15293487894853605, 'he': 0.11205419071028792, 'it': 0.1014103384925396, 'which': 0.08531827960825637, 'who': 0.08307253224610098, 'It': 0.07770805196680088, 'has': 0.051965551858146976, 'had': 0.04944814150863407, 'He': 0.049296281171357224}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'the': 0.6981992520404885, 'a': 0.04698334148938538, 'and': 0.03682068275873715, 'tho': 0.02992651200619262, 'in': 0.02740896951487596, 'of': 0.02647827127139871, 'The': 0.02352641161187546, 'his': 0.021277420505120513, 'great': 0.014783542050430119}, {'the': 0.42165217770185587, 'at': 0.1630072518184467, 'of': 0.1510343093323792, 'for': 0.05928683932958625, 'in': 0.05108111110708644, 'a': 0.03396396059446589, 'our': 0.02373338836280675, 'tho': 0.018537768838612943, 'their': 0.0176570875847903}, {'to': 0.5549988933964186, 'the': 0.09984769973384094, 'will': 0.06355656454812218, 'and': 0.06255148183007302, 'shall': 0.061208985376166904, 'may': 0.04129974813460683, 'a': 0.03275448215463864, 'would': 0.029686997553117565, 'should': 0.014576664155312212}, {'him': 0.02469713003237889, ';': 0.014728952357512442, 'man': 0.012698362661866018, 'him,': 0.010430197467196823, 'up': 0.010229503574866806, 'and': 0.009982307448466711, 'himself': 0.00916609570334623, 'in': 0.008824565713022928, 'man,': 0.007854332666996857}, {'the': 0.21547102841496363, 'of': 0.1442189671968651, 'and': 0.061298902463743754, 'a': 0.05281490124351366, 'to': 0.047616116331213154, 'in': 0.0316760119377588, 'for': 0.03011772440298513, 'or': 0.0263144751345696, 'The': 0.0205143484799292}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'was': 0.13804416152495277, 'and': 0.11940862087363503, 'is': 0.1126219771147892, 'be': 0.07029683647075076, 'are': 0.06511214051085985, 'been': 0.06400229340153843, 'not': 0.06145245441528394, 'or': 0.06024812619374755, 'were': 0.04776755206993448}, {'the': 0.2898441632970849, 'of': 0.1020135707055183, 'to': 0.05321257466193284, 'in': 0.05102157161921317, 'and': 0.041923639592035065, 'a': 0.030519010064581846, 'at': 0.026830214136895795, 'by': 0.023356723020828217, 'that': 0.01791082636790786}, {'the': 0.09974166277195896, 'at': 0.08783340497538078, 'No': 0.08401175683025078, 'No.': 0.08140132591677553, 'and': 0.07693000149324823, 'a': 0.02888586627410766, 'about': 0.027639646030062574, 'on': 0.026357589202487142, 'of': 0.021964411201400812}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'foreclosed': 0.09538043014116879, 'accompanied': 0.06845597077922576, 'made': 0.061598662125208266, 'and': 0.059027214016597884, 'followed': 0.05511748685768449, 'surrounded': 0.031166549836992345, 'up': 0.025850698064541745, 'caused': 0.022929919031142654, 'secured': 0.022660668610514915}, {'and': 0.10395431280128095, 'that': 0.07690735215257564, 'a': 0.04634275636189815, 'one': 0.03144040003824501, 'but': 0.022929790591045947, 'long': 0.02280928623332847, ';': 0.022554208481205693, 'worth': 0.01761645402602016, 'and,': 0.014077918233468984}, {'of': 0.4741973517921133, 'to': 0.10077353483075817, 'in': 0.08030615640859087, 'by': 0.07269567003676872, 'that': 0.0559684460249184, 'and': 0.04240562037627842, 'from': 0.034558654851414704, 'with': 0.027522270100490524, 'at': 0.0229182126966222}, {'they': 0.12838347398337074, 'we': 0.11603658248393978, 'he': 0.11188205608174079, 'I': 0.10806467310526675, 'it': 0.07731331117343797, 'that': 0.04893562850977295, 'you': 0.04718779423013539, 'which': 0.04558976312336366, 'and': 0.03978320874870181}, {'I': 0.2572300128416913, 'we': 0.13818330633429673, 'they': 0.13743063280787118, 'We': 0.09318670847939511, 'who': 0.058994341898112715, 'to': 0.05295662361230825, 'and': 0.044336426810502295, 'you': 0.04223867791131387, 'They': 0.03219948680610231}, {'the': 0.4701145880872346, 'in': 0.11055663776082958, 'of': 0.10202480311055545, 'to': 0.07426053107297775, 'this': 0.04619599048620015, 'at': 0.03679571483293817, 'tho': 0.0293181202991508, 'In': 0.028459676737129562, 'The': 0.021131951170957775}, {'the': 0.21774411611665298, 'other': 0.11198555245772152, 'and': 0.1056365134234095, 'his': 0.05522382174991968, 'more': 0.0515316918168723, 'as': 0.044179933126921894, 'two': 0.04219716834222834, 'of': 0.04212533911896298, 'a': 0.039333424660771776}, {'the': 0.24987566051786536, 'a': 0.10818988262483194, 'of': 0.07411809467030141, 'and': 0.06118426681567687, 'to': 0.049755680309242024, 'The': 0.038679757128866316, 'with': 0.025763739801338285, 'an': 0.02324115256200901, 'in': 0.017313061820352027}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'the': 0.3829774170874776, 'a': 0.24791105822810244, 'The': 0.07064280660554903, 'and': 0.03385251605329804, 'tho': 0.031615033276682886, 'consumptive': 0.021701688561098238, 'other': 0.01572889930328435, 'of': 0.01572812805197008, 'tbe': 0.014748418685004315}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {'and': 0.19682066373334475, 'the': 0.14859814519091108, 'of': 0.05389051266186837, 'a': 0.05363424966803272, 'an': 0.05104291850621768, 'his': 0.04600979042624809, 'their': 0.04324685087213477, 'her': 0.02971694584571651, 'is': 0.026822440501538435}, {'be': 0.19335925836389653, 'was': 0.17738475085728364, 'is': 0.1329891152930602, 'been': 0.08902425936390247, 'and': 0.0830600604636263, 'were': 0.05802816989351815, 'have': 0.051080775993045224, 'the': 0.04984471810484158, 'are': 0.04842371392146135}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'the': 0.3131376613338961, 'and': 0.18634420950104563, 'or': 0.10294350030358025, 'of': 0.08995316587587483, 'in': 0.06446652600771012, 'any': 0.06256884590141307, 'to': 0.04182686642213727, 'all': 0.03857468847181898, 'at': 0.03571629878833598}, {'a': 0.18156181431389587, 'the': 0.1466691661210664, 'of': 0.09088016197388808, 'and': 0.050825062291150296, 'to': 0.03645261831664692, 'The': 0.02298205347933151, 'in': 0.021452177686713935, 'that': 0.021448241046034374, 'an': 0.020101688318864372}, {'the': 0.4005541933496221, 'a': 0.10956478200786011, 'of': 0.09883015170184564, 'and': 0.07897810281292997, 'on': 0.07260478881267743, 'said': 0.07229922887691183, 'described': 0.03926010669951896, 'The': 0.03505543876077334, 'tho': 0.02448428392137297}, {'of': 0.1066875540812331, 'the': 0.09545732062305583, 'a': 0.060839233755789555, 'and': 0.05164521402158782, 'at': 0.031391226512088304, 'to': 0.02755156009266543, '.': 0.027055266307926807, '<s>': 0.026118485862149435, 'in': 0.02240191089708466}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'of': 0.09720694856864122, 'and': 0.0381186155117827, 'to': 0.026334460702956693, 'Section': 0.02139544773863848, 'for': 0.020805977035026686, '.': 0.020149935641140978, 'No.': 0.020048652838874928, 'New': 0.018672923472345997, 'June': 0.017268872935849153}, {'of': 0.3156004379503502, 'to': 0.10498054248954011, 'and': 0.10016103641482679, 'in': 0.07975497401769553, 'for': 0.06504084405730391, 'that': 0.05980093516805598, 'by': 0.04933851410015754, 'with': 0.04565288434185489, 'all': 0.03803514587062909}, {'the': 0.17198894269215034, 'all': 0.1293872500623183, 'of': 0.12812186931785874, 'a': 0.11472437888379702, 'and': 0.08723202280127147, 'in': 0.0409499641369673, 'most': 0.04050735267850276, 'to': 0.020917162497504423, 'that': 0.019984203492256384}, {'to': 0.7744214372868351, 'will': 0.05095217066307857, 'and': 0.036564647252364184, 'shall': 0.02445758146400893, 'can': 0.023551456724859383, 'not': 0.01912080053707104, 'could': 0.017640546165670925, 'we': 0.014201175971282289, 'should': 0.013450342638727786}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'and': 0.11551335129895494, 'covered': 0.058333824687087754, 'filled': 0.03865732584221962, 'but': 0.03673331880218942, 'up': 0.029688523529146898, 'together': 0.029182490847890426, 'it': 0.02136643276521861, 'him': 0.020872458654125396, 'was': 0.019647641726788866}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.16605852186639355, 'of': 0.14070937603475167, 'and': 0.1143345987638643, 'in': 0.08060971843095242, 'a': 0.04712128076684607, 'was': 0.041385229895600145, 'is': 0.03268934456189368, 'are': 0.02829970660919936, 'be': 0.02710781124776313}, {'hundred': 0.03454645607609434, 'up': 0.022896657358218418, 'time': 0.018590709766752016, 'street': 0.017225020226409496, 'dollars': 0.014643029227087623, 'boys': 0.013821959528830264, 'women': 0.01092863350039811, 'wife': 0.010748744707441105, 'land': 0.010688699275436931}, {'that': 0.18372804428645004, 'and': 0.12947747306600063, 'as': 0.1178006469117797, 'which': 0.08652743876235416, 'if': 0.06191493896094002, 'but': 0.05803869401077403, 'when': 0.057414819416658845, 'where': 0.03597085321525592, 'what': 0.02283211299509487}, {'was': 0.1543519138579676, 'and': 0.11616038451992465, 'be': 0.09888431560098329, 'have': 0.08101195911534351, 'is': 0.06855446588531451, 'were': 0.06062255673385852, 'had': 0.055492761564067884, 'are': 0.05530921245985495, 'been': 0.0535736124067653}, {'that': 0.25002329292159603, 'which': 0.14526643059386588, 'if': 0.1371588432070032, 'as': 0.1056396618430674, 'when': 0.09078345953399734, 'and': 0.0626103652782679, 'but': 0.03000566774790867, 'where': 0.029837468107533044, 'If': 0.029312138755168877}, {'and': 0.11640172222640244, 'the': 0.09627381025954262, 'of': 0.0748414592090312, 'to': 0.07202687417170053, 'which': 0.029047006423228664, 'be-': 0.026545476395175505, 'that': 0.02486359830861363, 'a': 0.02268047669622199, 'he': 0.022009983806762258}, {'to': 0.26729258734191075, 'in': 0.1645546038344084, 'a': 0.1166900795144853, 'the': 0.10890668578708196, 'and': 0.047227370031730324, 'of': 0.04323113459748514, 'In': 0.03297751555890302, 'great': 0.024643211461128137, 'full': 0.024207983244085796}, {'to': 0.2691735939836415, 'will': 0.19831804928938981, 'may': 0.09572836147647687, 'shall': 0.08663478399242125, 'should': 0.07746249879165912, 'would': 0.07312319362105195, 'not': 0.047864097964889586, 'can': 0.04644543093204635, 'must': 0.046317731130867144}, {'it': 0.023440011795742895, 'him': 0.017941122194116067, 'in': 0.014943544186192448, ';': 0.012119894720837288, 'them': 0.011560340619405696, 'made': 0.011493843556139628, 'it,': 0.010830096622027672, 'them,': 0.010803544440786296, 'and': 0.010123128390795273}, {'hundred': 0.7421931264146086, 'dred': 0.036484293276577894, 'dollars': 0.035201797098135805, 'due': 0.008721103053062779, 'five': 0.005479382955877297, 'one': 0.003505009386434661, 'two': 0.0028962819241285668, 'Hundred': 0.0028853892653645397, 'four': 0.0027172397298373774}, {'the': 0.3913208891454703, 'of': 0.16111521739371717, 'a': 0.09233512077645958, 'in': 0.06037372377246069, 'and': 0.05561837395994585, 'The': 0.04853945737569736, 'no': 0.046693722303733864, 'their': 0.03955461388506685, 'any': 0.0333615317207879}, {'the': 0.21323661512837425, 'of': 0.17553037578388214, 'and': 0.07264871107977391, 'a': 0.04175711654807177, 'to': 0.04104637023798107, 'in': 0.0278640299556138, 'The': 0.027501844721949657, 'that': 0.021179152907608162, 'by': 0.02027592066255029}, {'sum': 0.0161653430361888, 'out': 0.011087138753875033, 'amount': 0.010874436063812283, 'number': 0.01085683099149768, 'Board': 0.010500320281218112, 'day': 0.009895037655797547, 'line': 0.009699755172636314, 'county': 0.009592538350428802, 'purpose': 0.00839691649375748}, {'the': 0.16420256421066823, 'of': 0.14866524653191437, 'a': 0.1271186486530305, 'in': 0.03897147392872114, 'and': 0.036868532506823794, 'for': 0.03540187188894744, 'to': 0.02947493135056991, 'that': 0.021557229825518602, 'which': 0.016535671974105697}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'-': 0.07484086636031995, 'ti': 0.06217369114030417, 'to': 0.042599266939400034, 'tl': 0.035019895265895856, 'of': 0.027807366972673983, 'I': 0.022979158346651703, 't': 0.022886398629689834, '.': 0.021258285927522814, 'a': 0.02036779369181554}, {'of': 0.3231916082763015, 'in': 0.09256187413942765, 'for': 0.09143142123841638, 'and': 0.08501437282493425, 'that': 0.07781099128984688, 'to': 0.06980181879564736, 'on': 0.047869618424324176, 'with': 0.043014823616329224, 'by': 0.027380636185835822}, {'in': 0.14411866456517713, 'of': 0.11176434547254037, 'the': 0.08442118893046849, 'and': 0.06373154682518639, 'for': 0.054333716349069784, 'a': 0.03770631626163843, 'to': 0.036625992661016515, 'In': 0.03395800652509744, 'was': 0.019670084903815784}, {'be': 0.2961172029139424, 'been': 0.10677651084364369, 'was': 0.09468032508942294, 'I': 0.08835998543784536, 'ever': 0.08001096938557425, 'have': 0.07558858682487062, 'he': 0.06023332618151753, 'had': 0.05637066608873277, 'never': 0.051632634997736675}, {'to': 0.3361476936663026, 'will': 0.22761534555619103, 'would': 0.10690128952842715, 'shall': 0.08019608798582302, 'may': 0.06853200067894709, 'should': 0.04867649994688453, 'not': 0.03220040711333944, 'must': 0.032131740825971374, 'can': 0.016512492044454742}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'the': 0.3413910298613898, 'The': 0.2283101299987017, 'this': 0.12981981721348176, 'a': 0.07535512657874398, 'that': 0.061979212534006976, 'This': 0.057132216717075905, 'his': 0.02204512075301612, 'tho': 0.01990597521650468, 'whole': 0.01728000352235169}, {'was': 0.2675083502630814, 'be': 0.17589610637667205, 'and': 0.12601182134727812, 'were': 0.1126436597024711, 'are': 0.0567917576098225, 'is': 0.05555257090326996, 'been': 0.05411914140665897, 'a': 0.030597356036663644, 'very': 0.02976537451816223}, {'of': 0.17812833569154188, 'the': 0.1757240341862473, 'in': 0.12208379812887145, 'to': 0.08345654434540396, 'at': 0.0658997964263033, 'from': 0.05010837514689451, 'and': 0.050058517234437244, 'In': 0.034961909382333595, 'by': 0.02197289526312932}, {'is': 0.13461315082870523, 'was': 0.13074926947080667, 'are': 0.12943967337240025, 'a': 0.12024134282562024, 'the': 0.10171761256585451, 'were': 0.08086816625305283, 'be': 0.06693675755287976, 'and': 0.04191874015985866, 'his': 0.03666050177330363}, {'girl.': 0.13592645212281235, 'boy.': 0.1334751972427457, 'of': 0.07753493313281733, 'the': 0.031526125637502365, 'lots': 0.02293521640702441, '.': 0.02283399495825688, 'and': 0.020965678166221864, '<s>': 0.01906771091330787, 'St.': 0.015345819000087189}, {'the': 0.11501127563753014, 'of': 0.1102940881548019, 'and': 0.07003274597421445, 'to': 0.06469708043444568, 'a': 0.0438554534124876, 'in': 0.04185344518001364, 'at': 0.04177724542933803, 'by': 0.02179170780613439, 'for': 0.019087511362752187}, {'the': 0.390399326761561, 'The': 0.11617885544707279, 'a': 0.08445222723954318, 'distressing': 0.055234904513796645, 'of': 0.03756491799347412, 'other': 0.03458667056724557, 'no': 0.033592252682652486, 'our': 0.03263165365777606, 'and': 0.03173385099270473}, {'go': 0.07028559424257977, 'them': 0.06444530143309064, 'put': 0.06311864745957506, 'come': 0.060366726272471014, 'went': 0.053105181464680476, 'came': 0.050511322564044635, 'brought': 0.049728810417108006, 'back': 0.04718073317267025, 'it': 0.0457520770726417}, {'of': 0.32766414682237205, 'in': 0.14273164467535826, 'to': 0.0922242239118062, 'for': 0.08652871844671828, 'at': 0.08496828205085591, 'and': 0.05739192984152263, 'that': 0.03966703981794635, 'by': 0.03722618175634827, 'In': 0.03403418537820479}, {'to': 0.19484707433008175, 'the': 0.16980471945738734, 'took': 0.10007550479895592, 'a': 0.09515035419123861, 'take': 0.08701147929813398, 'taken': 0.057233550023827275, 'and': 0.05394875381490564, 'that': 0.040898216388398585, 'in': 0.03932309201784322}, {'the': 0.266768166278372, 'of': 0.1033226870904366, 'and': 0.06509135293148012, 'in': 0.06448453145527785, 'his': 0.058863149923910306, 'their': 0.05072425764717758, 'this': 0.04823226908389626, 'that': 0.04076334318892707, 'or': 0.032114576799544596}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.12213129837550958, 'of': 0.09748832303325324, 'a': 0.08474762819662003, 'Mr.': 0.05202628456662255, 'and': 0.05174142583960185, 'to': 0.044966140031507826, 'in': 0.041722036224195895, 'at': 0.030576941929428583, '.': 0.030516978256212707}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'and': 0.11171415247866308, 'of': 0.1018102875959574, 'in': 0.06769454316933865, 'that': 0.06670291171176461, 'put': 0.06373110103224032, 'on': 0.057015751932032746, 'as': 0.056953905687711234, 'make': 0.04801284643486082, 'take': 0.042013461943041217}, {'of': 0.1435838393942524, 'Mr.': 0.0988533877785269, 'the': 0.08663640447232611, 'and': 0.058987729094386335, 'to': 0.03904445353072009, '.': 0.030972498543088787, 'a': 0.025637872459718103, 'was': 0.021941286223413237, 'his': 0.020485772283835094}, {'and': 0.09717418261786266, 'day': 0.07504526602472773, 'which': 0.06742735634480969, 'he': 0.06233390597064854, 'who': 0.0500271101791031, 'was': 0.03445045702998895, 'I': 0.03130775612444755, 'He': 0.02880928997920978, 'be': 0.02853170436170534}, {'of': 0.16739061918021286, 'the': 0.16649382869684612, 'in': 0.10281286634408028, 'to': 0.07724432979464292, 'and': 0.054327383323328635, 'a': 0.05128046619698825, 'In': 0.026237625191576224, 'for': 0.020811148716114614, 'from': 0.020804533937760814}, {'well': 0.17386749631319828, 'far': 0.09150698063728005, 'so': 0.06259138463033774, 'and': 0.047460243934212144, 'soon': 0.045492241611946566, 'such': 0.038709995996836576, 'it': 0.03271978283928218, 'much': 0.030850939412769684, 'known': 0.02954164152965281}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'<s>': 0.05794545874280846, 'that': 0.05306400312407476, 'and': 0.028184203499259767, 'it.': 0.02471128504724403, 'but': 0.01718476727807942, 'as': 0.01466768248435974, 'them.': 0.014175614589163154, 'country.': 0.011615270763633563, 'of': 0.011235173260174407}, {'put': 0.14279971770514407, 'taken': 0.11921161177502894, 'made': 0.07988647442047675, 'came': 0.0675531427059551, 'set': 0.0643231907011313, 'it': 0.052623462914028085, 'come': 0.05144963614617403, 'locked': 0.04449947618491673, 'picked': 0.04306401383578917}, {'of': 0.3742396781092232, 'in': 0.1513124074152171, 'to': 0.08691149081566683, 'In': 0.046538079803949375, 'that': 0.0421041724875495, 'for': 0.04126099744243328, 'by': 0.03757320140410645, 'and': 0.036357523426467746, 'on': 0.035285038951852005}, {'the': 0.19332354128303955, 'and': 0.10004020513584047, 'of': 0.08223879868786828, 'a': 0.0815666780568319, 'to': 0.039467885519869704, 'in': 0.022875365946164038, 'was': 0.0204730780053879, 'be': 0.019179982579031807, 'is': 0.0174409247777431}, {'he': 0.20579119519427383, 'I': 0.10174166636337358, 'who': 0.09236848090191783, 'they': 0.06659442803500999, 'she': 0.053802499109497325, 'and': 0.04925007459150555, 'which': 0.04344125763005336, 'He': 0.036050314094599537, 'that': 0.0355618969913316}, {'and': 0.19534818151242533, 'the': 0.13503119874920333, 'to': 0.09028492841978977, 'a': 0.06215449847627414, 'of': 0.05415505051648236, 'that': 0.03234069800161254, 'in': 0.023341322684233688, 'by': 0.019053403690667145, 'as': 0.018307130720780152}, {'and': 0.08876842363374418, 'was': 0.03545079581214362, 'went': 0.035065469070232315, 'that': 0.03436853170175733, 'go': 0.032299697127093366, 'put': 0.031195422051568653, 'Committee': 0.03104316858364865, 'going': 0.02863779693957109, 'up': 0.024459322247074658}, {'the': 0.14303903789560565, 'and': 0.09745759087746873, 'of': 0.0809948129032287, 'a': 0.034031200609463935, 'to': 0.029914496549871883, 'be': 0.027533894391918806, 'or': 0.026569505243641097, 'in': 0.025760259121851564, '<s>': 0.017028923227083742}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'gold': 0.1827906016115511, 'hundred': 0.03947144390640881, 'men': 0.029256879986572074, 'wife': 0.0189092530457928, 'relatives': 0.013670117646819755, 'city': 0.012482045045227182, 'land': 0.010131244278036635, 'in': 0.008795115969120991, 'up': 0.008703778115342937}, {'and': 0.0899129453905474, 'made': 0.05637732327407486, 'up': 0.036607382258221854, 'or': 0.03185485774901109, 'down': 0.029062908671499542, 'ed': 0.026514303896681315, 'that': 0.026492985982523285, 'out': 0.02521725948342936, 'west': 0.024013168677811704}, {'the': 0.1804435058124581, 'of': 0.08964981171251785, 'and': 0.07796336471958432, 'a': 0.04240129500053345, 'that': 0.041934133964904585, 'The': 0.028662501582764493, 'in': 0.027988900498843387, 'no': 0.024394619839738462, 'Mr.': 0.024076003649587452}, {'that': 0.28282351542878637, 'and': 0.10458201957921587, 'when': 0.09072584158210566, 'which': 0.07710582260156135, 'if': 0.07590624761441424, 'as': 0.0608083671085301, 'but': 0.04674383879932436, 'where': 0.04361736651969946, 'If': 0.01993904919759763}, {'of': 0.3952410331799718, 'in': 0.147418537831051, 'to': 0.09958206648956285, 'on': 0.09795721846353143, 'at': 0.04024973502655194, 'for': 0.032045013935461504, 'by': 0.030686735191282892, 'In': 0.027090906704020448, 'from': 0.024984699758959908}, {'of': 0.18046840618267554, 'to': 0.1099724843354977, 'at': 0.09805800220222495, 'and': 0.09051004942671884, 'for': 0.07526307085169144, 'in': 0.07380261811356184, 'with': 0.0615847549650978, 'was': 0.0608163139942201, 'is': 0.05156905103054559}, {'of': 0.2433061341274277, 'to': 0.10689829892038326, 'in': 0.070393180547148, 'with': 0.06386909951827886, 'and': 0.046127715398830045, 'on': 0.04281266555244707, 'by': 0.02660378058253584, 'for': 0.023454562194236285, 'is': 0.021915494300231184}, {'that': 0.1993015076373934, 'as': 0.11639119948758048, 'and': 0.11573640126738458, 'if': 0.06279189545390086, 'but': 0.056375479124461635, 'for': 0.0523749666616292, 'of': 0.04712807404952586, 'make': 0.04458397191556425, 'which': 0.037976849683731766}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'it': 0.13787290960578877, 'he': 0.12076876478571731, 'It': 0.09115234516723242, 'which': 0.06522824064097428, 'I': 0.06159272481120636, 'and': 0.051680260640388276, 'who': 0.040644477989535834, 'He': 0.036847793268416994, 'that': 0.03449250464665571}, {'of': 0.2570111370976995, 'in': 0.13749645569553412, 'to': 0.11023433407352891, 'and': 0.0931576459653555, 'with': 0.08552949329453806, 'for': 0.06961557265775645, 'by': 0.04637062257788189, 'that': 0.04577300298264997, 'from': 0.03153979123199753}, {'the': 0.7781085343160986, 'tho': 0.04357606497654122, 'The': 0.0353814997580644, 'of': 0.032684916112370586, 'and': 0.014416292873382192, 'tbe': 0.013967731531282201, 'a': 0.011896394621164546, 'on': 0.009551981936764084, 'surface': 0.007361049443401431}, {'the': 0.1911768022437534, 'to': 0.17513303827581533, 'a': 0.10559757398469248, 'of': 0.09685928679899618, 'in': 0.09425059137936659, 'great': 0.04847407863704874, 'good': 0.035324029291196456, 'and': 0.028853254369301636, 'full': 0.02815415704129774}, {'the': 0.23362973604907028, 'for': 0.19029905916852963, 'of': 0.15695567230624405, 'and': 0.0720153369923124, 'no': 0.057141824709045545, 'his': 0.05062460988050881, 'in': 0.043759572618800056, 'a': 0.03758132602488198, 'their': 0.036882590387376235}, {'within': 0.23082361052674738, 'of': 0.16745238394279818, 'in': 0.1596404793590844, 'at': 0.09798324300367867, 'to': 0.07391456552797084, 'on': 0.06544894646533939, 'for': 0.06045454955083578, 'from': 0.058431763703450004, 'In': 0.04047037969255589}, {'he': 0.11846339991074702, 'they': 0.10951004624321607, 'I': 0.09675401595654759, 'we': 0.0895694831198528, 'Ameri-': 0.08012691095487441, 'you': 0.07724159565865304, 'it': 0.06795962632192681, 'who': 0.043953795349550386, 'one': 0.04370632632642525}, {'the': 0.7868874773046977, 'The': 0.0805329072469087, 'tho': 0.044166797775810646, 'a': 0.013448231205517571, 'tbe': 0.013335148143012713, 'this': 0.009927562276979876, 'of': 0.0098973314056343, 'said': 0.008510667625181842, 'and': 0.008361113258686267}, {'the': 0.15765225717881554, 'and': 0.03753135581988242, 'of': 0.027859871610412014, 'States': 0.025985412754812833, 'said': 0.01895120680521798, 'National': 0.017344204596500296, '.': 0.0160256007385275, 'General': 0.015431117197292215, 'The': 0.013018504948820744}, {'they': 0.13129612222504825, 'who': 0.08911036450301345, 'there': 0.06658529752222359, 'we': 0.06414589004775802, 'and': 0.058133234117991824, 'which': 0.05654691585700991, 'you': 0.049726947997868316, 'They': 0.04733286429493952, 'that': 0.0394116625507582}, {'with-': 0.17543477149223569, 'and': 0.06508875102983976, 'with¬': 0.05617688035434954, 'sent': 0.03929507366968059, 'it': 0.03573911609166812, 'went': 0.03509810833866622, 'go': 0.027347731524179505, 'the': 0.02629260133164026, 'came': 0.025192865708891333}, {'and': 0.08905722518385586, 'that': 0.050340544070590645, 'held': 0.03816890802069555, 'at': 0.028990401252474773, 'recorded': 0.02673594707788136, 'was': 0.026122383196165635, 'time': 0.025614637460297577, 'it': 0.02473791273531655, 'now': 0.02394021561015294}, {'of': 0.23191245575105165, 'is': 0.1237426879287943, 'and': 0.10571368962931187, 'know': 0.09205527762260855, 'for': 0.0914748486971443, 'in': 0.05445675099299732, 'to': 0.05393311503337767, 'but': 0.04220379360469602, 'with': 0.0415450544566831}, {'up': 0.013848846963824836, 'out': 0.01239294843827952, 'time': 0.011810010115434819, 'work': 0.01165046017652066, 'in': 0.011511418315857457, 'it': 0.011001622956047665, ';': 0.00971785029450175, 'him': 0.009318910357833735, 'power': 0.009227634258559008}, {'and': 0.11088363102050512, 'of': 0.08139264326743277, 'the': 0.053654255402999784, 'to': 0.05033663196566846, 'in': 0.04676802815733374, 'be': 0.04670275677668333, 'I': 0.03642340507146437, 'was': 0.03165327555720878, 'is': 0.029017369943702458}, {'and': 0.17647210397606578, 'the': 0.12161116810061752, 'is': 0.08912820428074618, 'an': 0.08061157213328463, 'was': 0.07351935727705795, 'are': 0.06625109458680759, 'be': 0.06380130521453722, 'that': 0.049770081218436416, 'been': 0.04465872267154229}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'the': 0.38966277029997076, 'a': 0.31541160104092303, 'of': 0.03987856911129058, 'and': 0.03346789341265684, 'other': 0.02665726135206151, 'very': 0.024481341608171538, 'A': 0.024202205254439946, 'his': 0.023983861324698295, 'their': 0.021607849633341426}, {'of': 0.1625195669514188, 'was': 0.07236698932568672, 'and': 0.06942416526582805, 'on': 0.06757695158472522, 'in': 0.06091723519873662, 'to': 0.055599695718522864, 'is': 0.04329409297417353, 'for': 0.037274350942874006, 'are': 0.035508464988214826}, {'a': 0.32057755778767333, 'the': 0.2651818199313764, 'of': 0.0959097482134622, 'so': 0.06608785883904747, 'this': 0.04681843837661668, 'and': 0.04011233268380891, 'with': 0.036905602014001594, 'very': 0.03402793095545792, 'that': 0.025164749186136922}, {'to': 0.10876803653641569, 'and': 0.09919656749658129, 'the': 0.06590255979714627, 'of': 0.05128317452520657, 'is': 0.029624395261539184, 'was': 0.028620680339856586, 'be': 0.028346060510834985, 'for': 0.02742617027525379, 're-': 0.02341949713690304}, {'is': 0.26896475192244335, 'are': 0.22373697645733207, 'and': 0.07108967070248802, 'was': 0.0693573421747098, 'Is': 0.04660973546579954, 'not': 0.030938217273309896, 'be': 0.030862172741865417, 'were': 0.02765026545959176, 'he': 0.027454241163494333}, {'the': 0.21984729576733067, 'and': 0.087441718520885, 'of': 0.07181462219652499, 'in': 0.056795881851876465, 'his': 0.04543675690927755, 'at': 0.04194437573505044, 'to': 0.032716264551254814, 'their': 0.030638589803019776, 'said': 0.02376092579887439}, {'of': 0.18393930211477966, 'to': 0.11327164239968415, 'with': 0.09862222973711393, 'is': 0.08852837945752898, 'for': 0.0832530651275809, 'and': 0.07827511813147567, 'in': 0.0778654314617442, 'was': 0.06863975050363241, 'be': 0.05951773297651226}, {'the': 0.1401854199481486, 'of': 0.10665066128569842, 'and': 0.04576563827893338, 'The': 0.04423774849708722, 'Mr.': 0.04393024730769933, 'that': 0.04240013176179786, 'in': 0.04020267596778136, 'Mrs.': 0.025444262989284292, 'which': 0.024017029605201218}, {'and': 0.09409498083609664, 'as': 0.08317822178773122, 'is': 0.04364511689320428, 'time': 0.039231373859921634, 'or': 0.03742352565278273, 'subject': 0.03625427220967828, 'him': 0.03550449723204925, 'made': 0.034498266892608834, 'them': 0.031189052649859147}, {'of': 0.3845954865527212, 'to': 0.09033863620363206, 'that': 0.09002384490584525, 'and': 0.07038994923822041, 'on': 0.06884734626516122, 'by': 0.051334052388344105, 'in': 0.047476881200408966, 'for': 0.04579516439746695, 'from': 0.037222472240879045}, {'of': 0.1352508312813466, 'the': 0.11271637014338842, 'to': 0.07399934931519776, 'at': 0.05634402000280271, 'and': 0.04242270328201114, 'a': 0.04098178728005599, 'in': 0.025702967354418384, 'was': 0.019801889624374784, 'for': 0.01853273292896373}, {'of': 0.24008328165483986, 'for': 0.15123596339430576, 'to': 0.13523539552729533, 'with': 0.09502904647212419, 'in': 0.05941806404260378, 'upon': 0.04590418283250713, 'on': 0.04133813279204482, 'about': 0.03708420378649157, 'and': 0.034393482771619126}, {'of': 0.24140876344023526, 'in': 0.12189381495486303, 'with': 0.10573843470698942, 'is': 0.0860783288757891, 'to': 0.07709479195077518, 'and': 0.06925985472883499, 'for': 0.06615255182307507, 'was': 0.05135551966740381, 'by': 0.042004463184317116}, {'of': 0.1422166614699428, 'is': 0.12251979630783726, 'to': 0.11899646217868935, 'was': 0.10386063192647342, 'with': 0.09371825315318029, 'and': 0.09224131105243134, 'in': 0.08475919589674367, 'as': 0.05417302377681178, 'by': 0.05039631425558429}, {'to': 0.6337054821210617, 'will': 0.087307457668581, 'would': 0.06652725704747026, 'and': 0.050858124769547576, 'not': 0.04921291966330736, 'can': 0.018914033074155838, 'may': 0.01690157466925804, 'should': 0.016777656509759653, 'I': 0.015095316041554018}, {'the': 0.4875146337664712, 'a': 0.2095731616016562, 'white': 0.04779099589878476, 'this': 0.02529432539128673, 'tho': 0.020100585150087728, 'and': 0.014832135065315772, 'large': 0.013533081252611394, 'The': 0.013278644617419592, 'of': 0.012123284091279905}, {'the': 0.11843932726343416, 'and': 0.07871613654901591, 'of': 0.06756974347816833, 'to': 0.06056341849189209, 'a': 0.055158703946848374, 'be': 0.028308930054514785, 'is': 0.024690464023094057, 'in': 0.024259270853385848, 'was': 0.02397057207092326}, {'<s>': 0.08210090457685565, 'it.': 0.01938904015515204, 'them.': 0.014391194854589461, 'him.': 0.012490200510810524, '.': 0.011891898375834235, 'time.': 0.009384564305495901, 'country.': 0.007023681591027531, 'day.': 0.0066947874114158005, 'work.': 0.005562795677249842}, {'and': 0.11452215755892058, 'well': 0.07481411183740515, 'regarded': 0.044520915474994587, 'him': 0.03786628897047342, 'known': 0.037459800295165345, 'soon': 0.03254924246086493, 'it': 0.03161827225121157, 'is': 0.029389233671880267, 'but': 0.028735635031666464}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'those': 0.32007856962829834, 'men': 0.12484907064929925, 'and': 0.05494733670545941, 'people': 0.04927374726155084, 'Those': 0.042752237602722246, 'man': 0.029876237094061234, 'all': 0.02925462454406736, 'persons': 0.027950615318406934, 'one': 0.02054101593993132}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'of': 0.3380343069779884, 'in': 0.23277549726987806, 'to': 0.09199077274130353, 'for': 0.08860006604974213, 'In': 0.042223654995975544, 'and': 0.03158127304825804, 'with': 0.02603250753490666, 'from': 0.023388302259015878, 'at': 0.019052157837013885}, {'in': 0.12822269746013004, 'the': 0.11202256518404619, 'a': 0.09732155182284301, 'of': 0.07419465193981759, 'and': 0.06343011636113606, 'to': 0.052672233557295875, 'for': 0.039249193221612924, 'In': 0.028066590722157406, 'an': 0.024514470750718706}, {'all': 0.08724450367352934, 'it': 0.06988920223645526, 'and': 0.05722897471472671, 'went': 0.03657529331061479, 'him': 0.032817505398029925, 'them': 0.031407386909129566, 'was': 0.031267028295616825, 'is': 0.0292366525350349, 'turned': 0.028737135067396172}, {'of': 0.0873334324694764, 'to': 0.08454979481680301, 'the': 0.0762215558472145, 'and': 0.07426690876319036, 'be': 0.04469629581794265, 'a': 0.0355240086797286, 'was': 0.032062820918258565, 're-': 0.022255056601075407, 'for': 0.02221453360629854}, {'the': 0.33384950741098496, 'of': 0.10864441901475173, 'and': 0.046998737102075694, 'this': 0.0403158912085414, 'said': 0.03287124945105546, 'its': 0.030758289974479415, 'for': 0.030422716691677933, 'to': 0.030193321573810248, 'our': 0.02726248308713178}, {'day': 0.07529531870885044, 'number': 0.060286539942283834, 'half': 0.04378727504300326, 'part': 0.040203621580848434, 'millions': 0.02657187751985439, 'all': 0.02647507879125453, 'out': 0.026459328038217395, 'one': 0.02621122643791761, 'quarter': 0.02514828820093812}, {'of': 0.15996992289501513, 'and': 0.15815314705544398, 'for': 0.1391736700834407, 'that': 0.0678898500216484, 'by': 0.06745413917269628, 'in': 0.06728756136645662, 'is': 0.0631260849517052, 'was': 0.05154297586570699, 'to': 0.049268981045548624}, {'the': 0.2393581798583805, 'of': 0.1321312954710791, 'in': 0.08113271885114452, 'and': 0.08085675258212692, 'to': 0.06410555241263044, 'a': 0.055357893755132205, 'on': 0.03368667379792137, 'at': 0.026791802879455304, 'with': 0.023064787539219235}, {'a': 0.1618989998140075, 'the': 0.12956894666918944, 'to': 0.12834011911502927, 'and': 0.09811251068092737, 'of': 0.05153326849072127, 'is': 0.03462426419566569, 'not': 0.03248735433838572, 'was': 0.030031690235109848, 'will': 0.027777587084459217}, {'of': 0.2572585978813944, 'the': 0.1831270613727309, 'and': 0.09274202275535604, 'to': 0.07071470228432476, 'at': 0.059155821921513904, 'in': 0.05569375044266437, 'from': 0.02678137412679726, 'The': 0.026480107672250182, '<s>': 0.024265388248916248}, {'the': 0.561896835843714, 'The': 0.03393025999545652, 'tho': 0.03041494481875386, 'Missouri': 0.030059799307557467, 'Mississippi': 0.027111441230207808, 'of': 0.017797448219359226, 'Potomac': 0.01307046889617891, 'this': 0.012661828090595906, 'tbe': 0.012294421687360179}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {';': 0.020043955396736084, 'it,': 0.017925540543778932, 'them,': 0.013787061508798708, 'in': 0.012003222664853664, 'up': 0.011385001007386132, 'it': 0.010699941206445228, 'him,': 0.009662610553000769, 'him': 0.008423527340927897, 'them': 0.007928962655983132}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'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.12615023784459545, 'and': 0.10334656539969754, 'of': 0.08918225443406907, 'as': 0.0885708155318133, 'a': 0.04939048978612766, 'to': 0.04235721115572684, 'be': 0.03390331867972983, 'such': 0.028965747484619584, 'in': 0.028103276685770867}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'of': 0.14579266603142912, 'the': 0.12361089659240436, 'any': 0.08938215814389643, 'and': 0.08092039188105934, 'that': 0.05761874933829424, 'in': 0.04312928520652782, 'some': 0.03732035785047719, 'every': 0.0361264659618555, 'is': 0.034781125882904544}, {'and': 0.1686890302660453, 'to': 0.12713915845672746, 'I': 0.0870325310359997, 'who': 0.08294469044928159, 'he': 0.06376961776727375, 'which': 0.04945343626762036, 'that': 0.039697844932957, 'the': 0.039409244229537656, 'we': 0.029664767019758762}, {'the': 0.4523415885460592, 'and': 0.07857773388385343, 'all': 0.07355048987556753, 'such': 0.046379821344785854, 'other': 0.04094472873400593, 'a': 0.039987190608406616, 'his': 0.039261497714955323, 'of': 0.039043478458153966, 'their': 0.032946109455441824}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'brought': 0.06408286050622655, 'go': 0.06190698211397119, 'put': 0.0618252970563795, 'come': 0.052773089493493845, 'went': 0.051378675225898965, 'get': 0.0435878343566134, 'enter': 0.03927012380054423, 'them': 0.03720110152562415, 'came': 0.036813933237597345}, {'the': 0.44008129824038206, 'an': 0.16827551978813607, 'of': 0.06097569300588643, 'The': 0.038901341925128854, 'his': 0.03769177395331793, 'years': 0.03272768618356283, 'tho': 0.03253153391894003, 'and': 0.028407857956664298, 'their': 0.023296811336064555}, {'man': 0.10564980436837748, 'and': 0.06250057078376865, 'one': 0.04626415029366434, 'those': 0.032003601646203333, 'men': 0.0291420321136944, 'woman': 0.02630432848200604, 'all': 0.01689298047602859, 'people': 0.012068073776456445, 'person': 0.01192724920666583}, {'the': 0.4733793235357765, 'The': 0.08840709758431481, 'this': 0.06759008153716214, 'that': 0.05505031520721453, 'and': 0.03636442453833785, 'of': 0.028616680042020105, 'a': 0.02773559108644783, 'tho': 0.01895098806156748, 'said': 0.011884376818158675}, {'and': 0.04322349704903335, 'a': 0.0401754458859104, 'that': 0.036020491942631544, 'the': 0.027027661340562892, 'it': 0.02059878227172044, 'in': 0.014065144934741102, 't': 0.013068626413734814, 'of': 0.012955615336200798, 'land': 0.012663436157783607}, {'the': 0.30852557713721934, 'to': 0.12218007600737767, 'a': 0.10525922435705815, 'of': 0.08172089109579944, 'in': 0.07864468011573482, 'and': 0.06068098082638419, 'this': 0.04086526145251045, 'that': 0.02657830941522054, 'In': 0.018431250618206767}, {'of': 0.1681172438831773, 'the': 0.13658621498007584, 'and': 0.12011207976779778, 'by': 0.07871282060709926, 'at': 0.0698661832002645, 'to': 0.03602491650322755, 'from': 0.031248853122007612, 'as': 0.019582358891706456, '<s>': 0.01911381616243426}, {'of': 0.1702438635298034, 'in': 0.06098481320525956, 'to': 0.05693055907600745, 'at': 0.04223998323904232, 'by': 0.03350112730424301, 'for': 0.02751035359789649, 'In': 0.026770623928965346, '<s>': 0.026038611427407894, 'and': 0.025500292313693492}, {'in': 0.19416196807889838, 'of': 0.16082305431032098, 'as': 0.07845487427831246, 'and': 0.07750435958853107, 'to': 0.07596598798537174, 'by': 0.07575398749452679, 'with': 0.07209413464406768, 'for': 0.0592235451516891, 'is': 0.057755807964185966}, {'the': 0.11590205229931894, 'of': 0.08821135100982531, 'and': 0.079734545801159, 'to': 0.046592426680442105, 'a': 0.04561997214606392, 'on': 0.03355538873221764, 'in': 0.027196648275985943, 'that': 0.02684281555143996, 'was': 0.02276923720575203}, {'the': 0.10152350330723316, 'and': 0.08585345918703786, 'be': 0.06651110320896302, 'was': 0.06604720700496236, 'of': 0.061521023673210634, 'to': 0.04656741658199581, 'is': 0.04004951896640153, 'been': 0.03296236907398091, 'a': 0.028864141860157844}, {'of': 0.2298030097090993, 'and': 0.1486633182066997, 'in': 0.08622474249654588, 'to': 0.07443831929506128, 'at': 0.05507322060189104, 'that': 0.051783625346336286, 'with': 0.04336910542930312, 'on': 0.04335275002743204, 'for': 0.04038628606295648}, {'the': 0.24726043585318977, 'a': 0.1512600806926267, 'and': 0.07688685378190048, 'of': 0.05364431366719364, 'The': 0.047117636602133396, 'an': 0.035090219527508036, 'Mr.': 0.019495697072010577, 'to': 0.018383518006022934, 'as': 0.017578484950346314}, {'of': 0.25566669112291956, 'and': 0.10475333311337426, 'in': 0.10384201435157268, 'to': 0.09694774072010585, 'on': 0.07664535615974416, 'that': 0.06236962539539405, 'for': 0.06074241712113924, 'at': 0.056446412559469784, 'from': 0.041222042315605084}, {'Lode': 0.07796315588085732, 'Silver': 0.0746154666363064, 'the': 0.05180161935323153, 'Hill': 0.04832970938561358, 'and': 0.04754718569761799, 'Eureka': 0.020574693670688336, 'Copper': 0.020159315597448404, '<s>': 0.019024066761580728, 'Consolidated': 0.018725121420801884}, {'of': 0.34082575458163605, 'to': 0.10982439712024651, 'and': 0.09947360452479881, 'that': 0.08483413093930131, 'as': 0.050362187565066545, 'in': 0.04748522530760336, 'all': 0.039280679334131756, 'for': 0.03488680629890353, 'by': 0.033201315411073774}, {'the': 0.39185698793478696, 'The': 0.1077036480099474, 'this': 0.0926637143849745, 'a': 0.0766237425519063, 'This': 0.06254242923704886, 'that': 0.04178803122512365, 'his': 0.03771940632836574, 'and': 0.02675183970019777, 'of': 0.02342744586650149}, {'went': 0.11524907883930711, 'all': 0.08029026171739842, 'go': 0.07257495675215526, 'turned': 0.06680807975324721, 'was': 0.058546653859524504, 'came': 0.052469748718107855, 'come': 0.04887289362619885, 'and': 0.04368256290788227, 'going': 0.032225555816959434}, {'about': 0.18751452526108742, 'and': 0.16569446915751565, 'or': 0.11939285344388852, 'to': 0.09903838840690884, 'at': 0.09520092467074442, 'of': 0.06678974760746371, 'than': 0.05852553123165067, 'the': 0.03899809451032157, 'for': 0.03468903059950328}, {'interest': 0.44012682812497833, 'terest': 0.08059780291312993, 'Interest': 0.07586322314443797, 'improvements': 0.0706632700203262, 'it': 0.01863736860881192, 'and': 0.01692975296766981, 'due': 0.016040382009103633, 'them': 0.01052731939057786, 'is': 0.008251378717506573}, {'and': 0.1523582723865941, 'is': 0.06524686847091132, 'of': 0.057006215620372565, 'was': 0.05537832129435286, 'as': 0.04989765474044673, 'be': 0.0479272700949847, 'are': 0.04071579269664273, 'or': 0.026243411000412834, 'were': 0.023260959161003465}, {'the': 0.12789270014389897, 'and': 0.09428820457486234, 'to': 0.08668569405027816, 'of': 0.07055018331384175, 'a': 0.06518596583537559, 'in': 0.0339738911310293, 'at': 0.022637745471048774, 'or': 0.022381333854813043, 'is': 0.01876940989832094}, {'to': 0.2475027437379912, 'can': 0.1093478619162541, 'could': 0.10131972403216322, 'will': 0.10084982359850438, 'I': 0.076803910344962, 'would': 0.07321026648588023, 'they': 0.06559307890607828, 'we': 0.05930422492859545, 'and': 0.046987182711554665}, {'ten': 0.11176147059106618, '10': 0.10201644629749677, '50': 0.09568995253336776, 'fifty': 0.09217512657187875, '20': 0.07315968177888976, 'three': 0.05765254819170143, 'five': 0.057025423977026306, '25': 0.05311566123049631, '5': 0.05194525932914015}, {'W': 0.10776235319171491, 'M': 0.08872761950457017, 'J': 0.08726887506452609, 'C': 0.08063004997041978, 'S': 0.0748991823490514, 'E': 0.07406155644726299, 'A': 0.07018206293707215, 'H': 0.06803407779447025, 'B': 0.06392180699507438}, {'of': 0.1975145477710819, 'at': 0.12830842653628416, 'in': 0.11098250676025374, 'to': 0.09297323639694301, 'for': 0.08595587255063848, 'on': 0.08501522687236426, 'and': 0.06374062475675114, 'from': 0.0403791002841495, 'In': 0.03567549356964059}, {'part': 0.06565764573312145, 'one': 0.043272040206022266, 'side': 0.04106118232593856, 'portion': 0.021167565889080968, 'payment': 0.017497095502254877, 'parts': 0.01562917276321875, 'members': 0.015043089098491723, 'that': 0.0149791421471793, 'and': 0.014163233320992384}, {'the': 0.23457480315671628, 'and': 0.14447472973271056, 'a': 0.11493162486215262, 'The': 0.05769237199139912, 'one': 0.05065372760983835, 'two': 0.04248636400956989, 'be': 0.034057252761881644, 'that': 0.03387544055048397, 'this': 0.03104709362450793}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'seems': 0.13431690408228167, 'ought': 0.10890479757358001, 'seemed': 0.07642843465551846, 'seem': 0.07599367665256034, 'and': 0.062007970928987056, 'is': 0.056173517663222816, 'said': 0.05507407913071684, 'supposed': 0.04774571584109249, 'not': 0.04620083060557724}, {'and': 0.1153617506869307, 'the': 0.1138051291511023, 'of': 0.07379023562670413, 'a': 0.04520180002444689, 'was': 0.03416218537232191, 'in': 0.03277741950396699, 'to': 0.03072064964618681, 'is': 0.026127740815215298, 'be': 0.022089198001857376}, {'purpose': 0.06443722182232788, 'instead': 0.06274344312573824, 'out': 0.05420442931613678, 'sum': 0.0338794475085833, 'is': 0.03335966788603688, 'question': 0.025613983592939024, 'are': 0.02554546374043996, 'amount': 0.025377232678490867, 'disposed': 0.02362056560403405}, {'a': 0.1784536644053978, 'of': 0.17062738176475564, 'or': 0.09310813445879156, 'and': 0.0765135619358389, 'in': 0.07585923829266018, 'the': 0.06357441796941905, 'any': 0.060137924539647426, 'for': 0.05971264900297922, 'by': 0.055218856404283465}, {'that': 0.20539332017437012, 'and': 0.1446108605668108, 'which': 0.10902720495590826, 'to': 0.08578921976825167, 'when': 0.0800636756879568, 'as': 0.06641834779505326, 'will': 0.0478732526890586, 'but': 0.03310597410966455, 'if': 0.03256986384618394}, {'know': 0.202905263179497, 'of': 0.1378211720312032, 'and': 0.10688176861570746, 'to': 0.0879764602456182, 'see': 0.07619473036649906, 'do': 0.07512683782579056, 'is': 0.05197590482852892, 'matter': 0.05194458463835653, 'for': 0.04697854899122997}, {'<s>': 0.07192780329294368, 'it.': 0.014886154486993444, '.': 0.011003176673321114, 'time.': 0.006777467607726295, 'him.': 0.0067709483795109415, 'them.': 0.006609771097521107, 'country.': 0.005938885711552926, 'year.': 0.004951927322003611, 'day.': 0.004885641292557065}, {'the': 0.4336208051386884, 'a': 0.1095592389147339, 'and': 0.06329736611063232, 'of': 0.052229226906008105, 'The': 0.03767482267087707, 'or': 0.029301064404993266, 'tho': 0.025807893515352696, 'their': 0.021238056025142716, 'his': 0.018969193555579054}, {'of': 0.2584970213557934, 'thank': 0.22119417633839691, 'to': 0.10778994112024085, 'and': 0.05868074647106297, 'Thank': 0.043716769230486764, 'Almighty': 0.04057919249265162, 'for': 0.04041643103096766, 'with': 0.03751627832942647, 'that': 0.02853601529639127}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.3759194067352235, 'to': 0.1024466425382225, 'that': 0.08367202034369793, 'and': 0.07109699037663986, 'with': 0.059488961179606815, 'by': 0.057740650307009804, 'in': 0.04377360795308576, 'as': 0.039465449876177304, 'for': 0.03369096896332721}, {'he': 0.17300684483622983, 'it': 0.1345693866288048, 'they': 0.0954115800356196, 'I': 0.08369146741089951, 'that': 0.07265867150081488, 'It': 0.07188499003145371, 'we': 0.043905158735551834, 'which': 0.0438082035781544, 'and': 0.04296329128655291}, {'to': 0.2872837326499605, 'will': 0.21462197840672906, 'may': 0.10341290910270454, 'can': 0.07485647157151781, 'shall': 0.07146008939758254, 'should': 0.07055601048775054, 'would': 0.04609272687879253, 'must': 0.046018816921552214, 'could': 0.036023738420896935}, {'the': 0.6326345053537067, 'in': 0.05880727249642948, 'The': 0.054686675474620965, 'and': 0.04585482065475017, 'a': 0.039728658708987834, 'tho': 0.03511207150075322, 'great': 0.020154863964700172, 'In': 0.019754467499062973, 'of': 0.018577026540122832}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'is': 0.15797263118387464, 'of': 0.11914831218765128, 'was': 0.11348152611152104, 'and': 0.10612249509452959, 'in': 0.07786526743856984, 'as': 0.05520130328680876, 'to': 0.047016131595132925, 'by': 0.04276333693905458, 'any': 0.04214274440420486}, {'the': 0.2555578837952449, 'of': 0.12043286216136731, 'their': 0.09707685660976176, 'our': 0.06405339356375796, 'his': 0.060648332761985294, 'other': 0.05682724358374445, 'its': 0.038777341439381684, 'all': 0.0372285716922987, 'American': 0.030290242409681926}, {'of': 0.31632358544172084, 'on': 0.12887516559657697, 'in': 0.09156583837697675, 'to': 0.08363882543081255, 'by': 0.074543821524015, 'and': 0.06246348241812564, 'that': 0.03780156855800034, 'from': 0.034931797099642795, 'for': 0.033231481462804385}, {'of': 0.15473836353443698, 'by': 0.08140978562629425, 'to': 0.07108415137492592, 'that': 0.06908815695154398, 'and': 0.06791709977325962, 'with': 0.02727368250248621, '<s>': 0.023435708793644882, 'which': 0.01997369425877864, 'as': 0.017159513113650854}, {'he': 0.18597990506781853, 'and': 0.1700058985546104, 'be': 0.13575191734817263, 'I': 0.05088776108204459, 'who': 0.044816425238522674, 'was': 0.043188729373339514, 'have': 0.04211327641076237, 'He': 0.03699899006062815, 'is': 0.03508386735776334}, {'and': 0.1951548888286566, 'fact': 0.07645293835734736, 'said': 0.06196357149942123, 'so': 0.05061110656257712, 'is': 0.04286583529619849, 'say': 0.03820939425311837, 'was': 0.037675190581188234, 'him': 0.03689546512611886, 'found': 0.0352287959284593}, {'be': 0.21719863597883213, 'was': 0.12481430563212721, 'been': 0.10641703703102837, 'is': 0.06201884730135403, 'and': 0.05936847464644721, 'have': 0.05642041317642136, 'has': 0.04843470456179308, 'were': 0.04036549361231614, 'had': 0.03947381175019806}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'to': 0.2363702911233446, 'the': 0.195437797000876, 'an': 0.11954970277516662, 'of': 0.10058739430660855, 'a': 0.08364176304691744, 'in': 0.06871836705505603, 'and': 0.06830977295252369, 'with': 0.031556048652308925, 'not': 0.027198983361256937}, {'and': 0.07272227514303962, 'as': 0.059294605180180884, 'order': 0.04708506508964785, 'necessary': 0.04243069846225869, 'right': 0.033469498876885516, 'is': 0.029027700403733182, 'able': 0.02779123774179182, 'power': 0.02619630949360457, 'him': 0.025078126329992335}, {'<s>': 0.042668452333997006, 'it.': 0.025761516205138973, 'them.': 0.012555268322692915, 'him.': 0.012392550531818947, '?': 0.011930706598471064, '.': 0.010833282878258571, 'me.': 0.007836500748754938, 'her.': 0.005409210041876102, 'you.': 0.005373219983010559}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'the': 0.3026860617089706, 'a': 0.27280541978632245, 'this': 0.08011481499347653, 'The': 0.057091028378511904, 'and': 0.049133578480633586, 'his': 0.043338760398441194, 'one': 0.04245074793968944, 'every': 0.026393383996277775, 'tho': 0.02619223452859302}, {'and': 0.058573504302736654, 'made': 0.058223866716637485, 'up': 0.026606249545061144, 'done': 0.026125203646499822, 'out': 0.0223168557933171, 'caused': 0.021055305807711203, 'or': 0.019870313553735437, 'it': 0.018347551766886846, 'taken': 0.017560467902747692}, {'of': 0.13578891379875793, 'the': 0.10974132831339935, 'a': 0.09249565102716716, 'to': 0.07844012027082563, 'and': 0.06270299023907511, 'in': 0.05095737977418679, 'at': 0.03102405085764304, 'for': 0.028959973076810246, 'by': 0.025450152675672782}, {'them.': 0.044522762670056955, '<s>': 0.035963166024159714, 'it.': 0.02250844787891551, 'men.': 0.011935498420607182, 'him.': 0.011637456368664176, 'time.': 0.009349349995257217, 'country.': 0.008699036861138588, 'people.': 0.007818169285023564, 'day.': 0.007760923709713684}, {'not': 0.2602182176075807, 'to': 0.24318747389378312, 'I': 0.16410355193892537, "don't": 0.07061994538850354, 'you': 0.0638782017534747, 'and': 0.04917192686203255, 'we': 0.03962601169204554, 'We': 0.03232179737859095, 'You': 0.025198663992038857}, {'the': 0.45769969944393624, 'a': 0.15452401271364682, 'brick': 0.04577329052750116, 'his': 0.0393201426244665, 'frame': 0.030843683018777324, 'The': 0.030210860556936395, 'tho': 0.028659244725975967, 'and': 0.022761583786011334, 'their': 0.01985623479221424}, {'and': 0.04934641696323398, 'years': 0.0269202931414393, 'free': 0.022673642429628053, 'miles': 0.018019806161507265, 'him': 0.017592819190107082, 'taken': 0.017448585616404454, 'of': 0.016569201297651735, 'away': 0.01615631669884094, 'them': 0.015253086483222504}, {'as': 0.13996571565678997, 'so': 0.09621326145263338, 'are': 0.0754000400677703, 'is': 0.06559530923930423, 'very': 0.052128778601511334, 'be': 0.043394090898058825, 'and': 0.043247780730936616, 'of': 0.042943746564327076, 'was': 0.0419688548133059}, {'it': 0.18799476193359307, 'It': 0.08908477585564534, 'there': 0.0782565161721338, 'they': 0.0607880603232045, 'that': 0.055266195416502926, 'which': 0.0511501671325387, 'he': 0.04987225743663854, 'and': 0.04873018340012423, 'I': 0.03700648773256737}, {'the': 0.17590064662434113, 'and': 0.11502558235360785, 'of': 0.07675341975319117, 'a': 0.04641915016494566, 'to': 0.03911118024231294, 'that': 0.027969385682066857, 'The': 0.02778089437719121, 'Mr.': 0.027386798840513434, 'or': 0.027057555531000605}, {'and': 0.07354091767855962, 'bill': 0.05038311595100168, 'President': 0.02166603343423346, 'known': 0.02160219777236319, 'was': 0.020928066452064617, 'resolution': 0.019142321447809196, 'is': 0.018503102118787133, 'of': 0.017120407859704936, 'not': 0.016020434229375366}, {'out': 0.05321092400218453, 'amount': 0.04959388378242534, 'purpose': 0.04068217285772702, 'number': 0.040461088207453734, 'one': 0.03642026378595443, 'means': 0.03521768752105555, 'matter': 0.034228672130522914, 'years': 0.03216989919593361, 'way': 0.027777566973567615}, {'the': 0.5088883699289337, 'The': 0.10658423280639667, 'this': 0.09300901515242078, 'a': 0.06115019922234466, 'that': 0.06079275944379042, 'tho': 0.03439272729591214, 'of': 0.03230589852695216, 'his': 0.025416342616928277, 'and': 0.02021926438418177}, {'the': 0.24378340783876792, 'of': 0.12386553452613543, 'and': 0.07384739469954202, 'in': 0.06362973979891756, 'a': 0.049751445785049614, 'The': 0.032952882769435296, 'to': 0.030490114561491834, 'at': 0.021824310477590446, 'tho': 0.018997314255484392}, {'<s>': 0.10409257247658191, '.': 0.01629472685788161, 'it.': 0.013349865086300842, 'them.': 0.01024467723845651, 'day.': 0.006642913671782783, 'him.': 0.006125928323822358, 'time.': 0.006115328645492451, 'of': 0.005993793787391952, 'country.': 0.005459360659878668}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.8755797476116282, 'tho': 0.04709379215320982, 'The': 0.020130963601019455, 'tbe': 0.01466804709372005, 'of': 0.010574165244503995, 'and': 0.002871685914133983, 'by': 0.0026580039900888745, 'a': 0.0025945275519880817, 'tlie': 0.0017743175034829254}, {'and': 0.11271272381180868, 'be': 0.09765531234090664, 'was': 0.0754469935294399, 'to': 0.04838764846664733, 'been': 0.047211403357895074, 'is': 0.04437542287545138, 'of': 0.043647776197521825, 'he': 0.038359030798239116, 'were': 0.03454211374367705}, {'feet': 0.10384691535388145, 'went': 0.0812538703419901, 'according': 0.060120613187147245, 'go': 0.048825139274134365, 'and': 0.045825662320606954, 'sent': 0.034033201618903185, 'subject': 0.03170701385113461, 'relating': 0.03161728012539875, 'back': 0.03093735242114629}, {'and': 0.1358294824324291, 'the': 0.07734533849662299, 'of': 0.07034976087316823, 'to': 0.0654009503294459, 'was': 0.05097371227193268, 'for': 0.0402600219574357, 'in': 0.04006658808471018, 'a': 0.03725763886572544, 'is': 0.03533662379052725}, {'the': 0.1895897043138782, 'a': 0.1808310664307919, 'The': 0.09916036436205028, 'and': 0.09106726330480687, 'he': 0.0404959514015639, 'that': 0.03667194921198752, 'I': 0.02837587724666113, 'A': 0.02483322660090607, 'little': 0.01866203130445314}, {'and': 0.11699644080565819, 'him': 0.07651779033376911, 'was': 0.0747291359980469, 'is': 0.04039517092452084, 'it': 0.0390281008055057, 'up': 0.036777591832319795, 'as': 0.033530126278876145, 'come': 0.029347778426474996, 'placed': 0.028553419248269023}, {'would': 0.09958599683924732, 'and': 0.091367531191223, 'a': 0.08609579291670577, 'was': 0.07931838460113061, 'not': 0.0628704126072158, 'something': 0.060882291773761275, 'to': 0.05969971092792622, 'is': 0.05739564759633407, 'looked': 0.04120088313145509}, {'the': 0.1606799306660885, 'of': 0.12184662556194382, 'and': 0.07664577973535418, 'to': 0.054530315020401725, 'a': 0.04728333164936585, 'be': 0.036507142176671066, 'in': 0.028422006796253542, 'was': 0.026320288002747414, 'is': 0.02463202710097612}, {'the': 0.3886772950474596, 'this': 0.07036522438237935, 'every': 0.05838640167785552, 'that': 0.05639144205373676, 'next': 0.0519772381219542, 'other': 0.04274503457686779, 'a': 0.04144464610870192, 'one': 0.04003285377626097, 'all': 0.03512628777254149}, {'and': 0.09463305551480841, 'for': 0.03713182664479174, 'of': 0.034439183838071645, 'not': 0.031551157071379586, 'about': 0.03150951867401832, 'time': 0.022254977941641756, 'as': 0.02071343261025545, 'was': 0.020228087178192015, 'in': 0.02007456730165859}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'that': 0.24715985933848605, 'and': 0.15762721074378622, 'but': 0.08470261858312049, 'as': 0.07077955572788786, 'when': 0.06468281788235339, 'which': 0.06339550811110875, 'if': 0.037432756384085435, 'where': 0.030194946830544037, 'until': 0.021357863810497073}, {'the': 0.1228859334433451, 'and': 0.10141938936245253, 'of': 0.09975913643515581, 'a': 0.045682601438067516, 'to': 0.030854069697662707, 'in': 0.028276884393469842, 'was': 0.027046420085275236, 'that': 0.021184162863086258, 'by': 0.019935882571825114}, {'of': 0.2591651734867839, 'to': 0.1414033588096506, 'on': 0.0908447634688564, 'and': 0.08220110636842799, 'for': 0.07338115437710356, 'in': 0.05949830312681657, 'by': 0.056928962166545354, 'at': 0.05276789128194106, 'that': 0.051452670577833357}, {'-': 0.060370356466130114, 'and': 0.037445236943520206, 'to': 0.035521746971817876, 'I': 0.021615651672326392, 'f': 0.018137642826792793, '<s>': 0.01796675803180202, '.': 0.017348795328909122, 'the': 0.015039107642762518, 'f.': 0.014341233678972247}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'of': 0.20278719392292038, 'and': 0.20026124000273332, 'to': 0.16187106874072957, 'for': 0.07098607208540364, 'that': 0.06293685026095348, 'in': 0.05966462884077892, 'with': 0.04038663853852188, 'or': 0.03808556540139187, 'nearly': 0.03664253169618982}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.30891562368920006, 'in': 0.1284821045608488, 'the': 0.10906438703129508, 'and': 0.10790055732119633, 'from': 0.07813776264364032, 'for': 0.02880652204645991, 'or': 0.025381574314461145, 'In': 0.024748667735242723, 'by': 0.02391842145934053}, {'that': 0.262902040652421, 'if': 0.13232001379010308, 'which': 0.11333987433434584, 'as': 0.09241877035054233, 'and': 0.07917667905582393, 'when': 0.05205002771715854, 'where': 0.04996305282895771, 'what': 0.04110985024133655, 'but': 0.0336965700199331}, {'<s>': 0.04482788954371471, 'and': 0.026729385589559694, 'was': 0.02119252235395154, 'be': 0.02060548821860735, 'is': 0.012754024511014615, 'are': 0.012460853144407546, 'that': 0.011409330918882373, 'were': 0.010768954572640111, '.': 0.00908739790501748}, {'of': 0.2580587158668342, 'in': 0.16256688376572745, 'that': 0.11073616274488725, 'to': 0.06679748615886087, 'under': 0.06390604416662068, 'any': 0.0638063586607642, 'and': 0.05571649158085203, 'for': 0.054073896363685266, 'with': 0.052400472414818156}, {'the': 0.3655485018353278, 'said': 0.20256338400297466, 'a': 0.04866849077070839, 'of': 0.046095641647872276, 'this': 0.032640054542279875, 'his': 0.030360235032414185, 'tho': 0.021209322157249536, 'in': 0.01421610602631673, 'their': 0.01290098938183686}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'and': 0.17311248824580838, 'to': 0.08370364984921613, 'was': 0.0774962310577955, 'is': 0.07202557191230767, 'the': 0.05907970279141568, 'not': 0.03880645003627191, 'be': 0.03781474738348002, 'of': 0.03513490744905844, 'an': 0.03501392171281931}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.11582742866366695, 'made': 0.07057448010685917, 'that': 0.038352870589884486, 'or': 0.03351544277222536, 'it': 0.026182081424159058, 'followed': 0.022523946349714413, 'done': 0.021686598968188052, 'caused': 0.01895710498206756, 'given': 0.018954505948397198}, {'the': 0.20513208561421162, 'of': 0.14295171352428757, 'and': 0.06480236022833818, 'an': 0.02211428893906445, 'other': 0.020679069348808983, 'or': 0.020137784438368486, 'his': 0.019432968334888088, 'this': 0.016040825540184142, 'one': 0.015772123329651576}, {'to': 0.3149075696680254, 'will': 0.18929572986394852, 'and': 0.06146382482719629, 'shall': 0.05576090168050612, 'would': 0.04710237292897809, 'they': 0.04613914579244285, 'not': 0.03664687152771663, 'may': 0.03525175019680097, 'should': 0.03488415108340996}, {'number': 0.1629210750850097, 'hundreds': 0.05721072198534783, 'amount': 0.05630262714570146, 'thousands': 0.05616375240309649, 'kind': 0.04083175718472539, 'class': 0.03932877662010722, 'couple': 0.039059038666677356, 'series': 0.035349210405009296, 'plenty': 0.03459079850329573}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.38883299616561806, 'of': 0.1192415174240773, 'a': 0.10918590898832464, 'in': 0.04297659933263333, 'for': 0.04283347263153014, 'their': 0.03012587026460431, 'some': 0.026571935878952253, 'this': 0.02369258371838462, 'his': 0.023041652514034835}, {'<s>': 0.11603103944108724, 'it.': 0.026088737097916866, 'them.': 0.021533509816491412, 'country.': 0.009317430091899715, 'time.': 0.009144236825441226, 'him.': 0.00833192327310072, 'us.': 0.008296899644783385, 'world.': 0.00792080807492748, 'day.': 0.0076658444448704}, {'be': 0.19654884258458458, 'and': 0.14053168510970446, 'was': 0.12217096131469261, 'is': 0.09332452892944372, 'been': 0.06741403067374858, 'are': 0.059192427012872, 'were': 0.05662891143665277, 'he': 0.054448234549854965, 'have': 0.03937678863332204}, {'the': 0.496499480324827, 'court': 0.08509889410558012, 'a': 0.06505662970477218, 'tho': 0.03648616962918552, 'The': 0.02877298476158629, 'my': 0.02763887605657739, 'his': 0.021897340376573187, 'this': 0.016582520119794737, 'opera': 0.016063302199575163}, {'they': 0.17845898773087926, 'who': 0.0887614569439331, 'we': 0.07000790514226105, 'and': 0.06581441249229704, 'which': 0.06505928730721815, 'They': 0.06184330090636028, 'there': 0.041420519267937383, 'that': 0.037861178998506065, 'you': 0.03277014140842025}, {'Mr.': 0.1180395554365451, 'the': 0.117020364086741, 'of': 0.06986608265245531, 'and': 0.06413383212187268, 'The': 0.03516923556878236, 'Mrs.': 0.025088515164348773, '<s>': 0.022475926516867497, '.': 0.019527682780805845, 'that': 0.017381326607787104}, {'one': 0.08921751374425257, 'out': 0.07112379952092995, 'part': 0.06167381209166008, 'some': 0.04424357509516522, 'account': 0.04386179152489113, 'any': 0.030316516135152728, 'all': 0.02652981212233094, 'that': 0.02551031471747086, 'tion': 0.022119047941123286}, {'the': 0.36239507977848595, 'a': 0.18156565529572438, 'to': 0.11250252462106196, 'of': 0.05130236386115108, 'every': 0.043243116546781986, 'this': 0.03948037341596619, 'his': 0.03873504266190732, 'their': 0.03509523517747089, 'tho': 0.023972264408741634}, {'and': 0.16003974417156314, 'he': 0.12945767908045397, 'be': 0.11304145826310592, 'was': 0.08120274267544932, 'has': 0.07360872421583327, 'have': 0.06507826618469947, 'had': 0.06315065438777188, 'who': 0.06272388951161578, 'I': 0.05744768551208606}, {'the': 0.19568284968871735, '1st': 0.10948908718001303, 'first': 0.09067734761662177, 'a': 0.07520615955367728, '25th': 0.0582887423427975, '7th': 0.0496427230524875, '10th': 0.04726760738015849, '12th': 0.04687637514329761, '21st': 0.04424288719077973}, {'in': 0.24123560561358173, 'of': 0.1777566027638585, 'from': 0.134523590362155, 'with': 0.049209718023965, 'In': 0.04863817063247703, 'by': 0.04092065053736767, 'on': 0.03873506347264261, 'upon': 0.03218597710845793, 'for': 0.03203523893497925}, {'the': 0.43224632819468173, 'of': 0.10962059369413268, 'in': 0.10226573768088218, 'a': 0.09338627096192942, 'their': 0.0410614971838402, 'to': 0.036732895086646934, 'and': 0.03558719450554248, 'any': 0.035585094750068456, 'In': 0.03215657701483672}, {'the': 0.4245016946692853, 'a': 0.1546927472197191, 'this': 0.08809568553541307, 'dining': 0.08607213263467324, 'The': 0.025065266364708266, 'his': 0.023726044757288574, 'court': 0.02362943299396851, 'tho': 0.022614718067760418, 'and': 0.01965379887075202}, {'the': 0.6295692590360139, 'of': 0.07644993081795877, 'other': 0.04464660382751604, 'this': 0.037273324536463905, 'a': 0.03137271317121744, 'The': 0.03000812933584164, 'tho': 0.029706220278496297, 'said': 0.023655912806218527, 'our': 0.01793327154116837}, {'in': 0.016518524647742137, 'up': 0.016275670744988324, 'made': 0.013418065473537948, ';': 0.01267490743958193, 'it': 0.012652745439086491, 'it,': 0.012570233833753715, 'him': 0.011745934510798455, 'out': 0.01111822808468526, 'work': 0.009155707436930081}, {'as': 0.0818405382148191, 'and': 0.06842847040157927, 'is': 0.060443399665023316, 'enough': 0.044594848723664926, 'able': 0.043709544488884464, 'right': 0.04278463611846138, 'order': 0.04024939213276549, 'going': 0.0397208676273088, 'him': 0.03934711469699533}, {'of': 0.23132704213744065, 'in': 0.13899289469835302, 'to': 0.12390306171121934, 'and': 0.08808259844553468, 'at': 0.08781973886501517, 'on': 0.0863098695375645, 'with': 0.04186711240542263, 'from': 0.04145619847612885, 'for': 0.035349821388783856}, {'to': 0.11032930493935608, 'the': 0.10808801942558408, 'and': 0.10585990876899179, 'of': 0.08465937593229254, 'in': 0.03357921122641276, 'a': 0.02894796934216075, 'not': 0.01984778500098046, 'I': 0.016850603092794177, 'be': 0.016357541665608457}, {'and': 0.03668847439963962, 'one': 0.028341511835930068, 'it': 0.018908243324488566, 'that': 0.018082368957223708, '<s>': 0.01633625372377728, 'out': 0.014721380187930169, 'day': 0.009982605009716436, 'work': 0.008964975429921291, 'time': 0.008704720820107375}, {'of': 0.13676856251857547, 'the': 0.1315383339231586, 'a': 0.06997930458404834, 'in': 0.05799833250966074, 'and': 0.047523379226601055, 'for': 0.03573485566381657, 'to': 0.033781650271276664, 'on': 0.027843747264988464, 'as': 0.02172128390982657}, {'the': 0.26625927384692194, 'his': 0.1226832754653382, 'healthy': 0.08368644035361901, 'this': 0.08134562390007392, 'a': 0.07443985296574626, 'her': 0.07041724592645503, 'good': 0.0692888140565094, 'my': 0.059233811333794184, 'their': 0.046870439103749446}, {'the': 0.4023545291651101, 'of': 0.15100027795604043, 'for': 0.14069713444697474, 'and': 0.07453403462224609, 'in': 0.06619980599195123, 'by': 0.034472327301720444, 'from': 0.0315412514004012, 'to': 0.028428032814540687, 'at': 0.020074747811453315}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'beginning,': 0.11792918256111275, 'and': 0.044214711144989045, 'west,': 0.03628314162118053, 'ning,': 0.024388613378609432, 'ginning,': 0.022254901864005333, 'lot': 0.021792611727470487, 'beginning;': 0.02174955798642399, 'one': 0.016975299118311058, 'section': 0.01476072961515925}, {'of': 0.22617202374056525, 'in': 0.14995325240203175, 'the': 0.09358054674391195, 'to': 0.06639890465665435, 'from': 0.05308893035158544, 'and': 0.05002684518425435, 'In': 0.04125223846265072, 'for': 0.03956115952225584, 'at': 0.036067737935069885}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'and': 0.3196181634299791, 'And': 0.1136852547602183, 'not': 0.08190251792327091, 'as': 0.0610811403818215, 'that': 0.024463020316773148, 'but': 0.018614359001990093, 'is': 0.01859972503776984, 'do': 0.013891824981037, 'it': 0.013786715441522332}, {'and': 0.06918075440924364, 'able': 0.05833176876792719, 'inclined': 0.05603065333983753, 'began': 0.05599406641413818, 'reason': 0.05564272126753571, 'enough': 0.05158707703069453, 'him': 0.05113400208568083, 'me': 0.04952249304630938, 'as': 0.045016601387345756}, {'the': 0.16447941227860002, 'of': 0.11827195380015694, 'and': 0.09498002558160189, 'a': 0.09066857180477628, 'to': 0.07143572191085207, 'in': 0.028573615317354462, 'for': 0.02110609522491258, 'with': 0.020615549594130173, 'The': 0.01755498976291872}, {'of': 0.24125784738285294, 'in': 0.19812282707184603, 'to': 0.12317499677537692, 'and': 0.07982638837250168, 'by': 0.06166175566579028, 'from': 0.05647751337654774, 'In': 0.055495915842887614, 'at': 0.017905591276011046, 'for': 0.01728729708179479}, {'it': 0.15312842355074177, 'that': 0.11923243841284803, 'there': 0.10507744949736483, 'which': 0.08883159581557212, 'they': 0.07801793003795661, 'It': 0.06145949247801133, 'he': 0.05134743831789864, 'and': 0.04605478234465728, 'There': 0.03196137903636209}, {'the': 0.3856911904635674, 'his': 0.12366609052169404, 'a': 0.08003176141927414, 'of': 0.07497843659673464, 'their': 0.043287089498632726, 'her': 0.03413720323198499, 'and': 0.033263214986703746, 'our': 0.02182360666113287, 'my': 0.020875810588792842}, {'to': 0.195869822474224, 'of': 0.17116813672689257, 'in': 0.1342806523610552, 'on': 0.12812242254800138, 'at': 0.07046124387145906, 'for': 0.055029693518042246, 'from': 0.044772842339714396, 'with': 0.04269164956618555, 'and': 0.032868914597885206}, {'three': 0.16857477057198222, 'two': 0.14398956105219352, 'many': 0.12053382046391121, 'four': 0.09623062845653431, 'five': 0.08899112919957147, 'several': 0.06618919376673217, 'few': 0.06618009004866414, 'ten': 0.06214426461692831, 'six': 0.05278707794478872}, {'and': 0.08777085148135946, 'is': 0.057504752137760344, 'as': 0.04388839709397943, 'time': 0.040741624367774024, 'them': 0.038872984531791194, 'him': 0.03786621416951349, 'able': 0.032736379217173636, 'right': 0.02826173609678854, 'was': 0.027686916210576493}, {'and': 0.06768249648771371, 'closing': 0.05038441006242118, 'was': 0.030106359721431927, 'valued': 0.02402480983540195, 'held': 0.021992507596520498, 'sold': 0.020844680257419507, '2': 0.02033818480455847, 'is': 0.020075600303976093, 'arrived': 0.019016818863824298}, {'he': 0.18056802210824316, 'it': 0.08148990032833557, 'which': 0.08043147118579316, 'who': 0.07009175748553295, 'that': 0.06651866202037514, 'and': 0.06311988217793153, 'He': 0.060590988280541026, 'It': 0.055828261238373186, 'she': 0.034126816005611176}, {'all': 0.08854040497100776, 'and': 0.07148538909864442, 'of': 0.05960545380741242, 'for': 0.050147814898581514, 'was': 0.0482272522046905, 'at': 0.03146159858355788, 'it': 0.027323583817774267, 'went': 0.026325224240724164, 'is': 0.024036832662397402}, {'and': 0.0878128143450976, 'the': 0.08112107601302361, 'to': 0.06436185928607016, 'of': 0.05745905953357179, 'in': 0.043580099504742245, 'or': 0.03532705502313501, 'for': 0.025324988076222, 'that': 0.024090358058816333, 'con-': 0.02033376677150987}, {'it': 0.18209538789342447, 'It': 0.13169074957835183, 'he': 0.08986427069077345, 'I': 0.06027924235165783, 'and': 0.05842458294721744, 'which': 0.04211476591026447, 'He': 0.033386855026928924, 'she': 0.030020765626624757, 'there': 0.019413769839898263}, {'and': 0.1812965014592859, 'he': 0.11916739370819554, 'I': 0.08783610624617097, 'which': 0.06425232514360821, 'He': 0.056479675235881495, 'that': 0.04465898851148709, 'who': 0.04167956344519357, 'they': 0.03717472078091621, 'she': 0.03093578133106527}, {'of': 0.2767095468851352, 'for': 0.12470068119406247, 'in': 0.1144466915412726, 'with': 0.07954159778856955, 'to': 0.07643243845857506, 'and': 0.0663221968216965, 'at': 0.047109161513515574, 'all': 0.04333164002928102, 'by': 0.04090794391765069}, {'and': 0.03631200894029221, 'is': 0.01646700149692162, 'are': 0.01397229543102133, 'that': 0.01395814725365055, '<s>': 0.00998506960204428, 'was': 0.009916790017223533, 'of': 0.009019029873826964, 'or': 0.008178578240615374, 'Is': 0.007324011997366298}, {'and': 0.24544914636216214, 'of': 0.18970883618816403, 'is': 0.048013296980450336, 'so': 0.04728863543047934, 'are': 0.04710563248160062, 'that': 0.039625838306197966, 'for': 0.03754658720072087, 'was': 0.034679134131488876, 'in': 0.03226594971866551}, {'he': 0.1758840600229859, 'who': 0.11040909844907311, 'I': 0.09424596093117675, 'they': 0.07128533755219206, 'and': 0.063652154399373, 'which': 0.060876829717085114, 'that': 0.05748456918702764, 'she': 0.03663976453066937, 'it': 0.034745893649344745}, {'the': 0.519192999495669, 'a': 0.12949067561659203, 'to': 0.07006107716887049, 'of': 0.06893186758530027, 'The': 0.04089287537049669, 'and': 0.029268262261495318, 'tho': 0.02320122005661865, 'its': 0.020897436042955433, 'no': 0.018965614930856363}, {'of': 0.16821480134847486, 'in': 0.16355658642709614, 'to': 0.10654797502405566, 'and': 0.10031177106201561, 'the': 0.0874399975363446, 'a': 0.07556977415575587, 'In': 0.04351664451072085, 'with': 0.043400253779564225, 'for': 0.03965430240948774}, {'and': 0.1508877876943537, 'the': 0.1030562596150774, 'or': 0.10250795485056786, 'of': 0.09695043577121717, 'in': 0.07123650099322792, 'about': 0.06951937337921778, 'for': 0.06472181380541281, 'with': 0.059337706283825314, 'are': 0.05864816518781269}, {'the': 0.2836198896944744, 'a': 0.1935880264119341, 'and': 0.08715702181753877, 'most': 0.06085557930420102, 'be': 0.0487678149429621, 'is': 0.0483112609729975, 'are': 0.04581997364145032, 'of': 0.03293054335314117, 'an': 0.03043796999129167}, {'of': 0.25566669112291956, 'and': 0.10475333311337426, 'in': 0.10384201435157268, 'to': 0.09694774072010585, 'on': 0.07664535615974416, 'that': 0.06236962539539405, 'for': 0.06074241712113924, 'at': 0.056446412559469784, 'from': 0.041222042315605084}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'and': 0.0693638043528428, 'was': 0.06207618571179398, 'be': 0.06131007107763087, 'of': 0.05993623476100184, 'to': 0.05856586845218628, 'the': 0.057657529382071734, 'a': 0.04104933210083893, 'been': 0.02910845592412674, 'were': 0.028486902962582824}, {'and': 0.11778357231283144, 'the': 0.10184825692558065, 'of': 0.08107278194817412, 'to': 0.06281802832097755, 'be': 0.042907547010953756, 'was': 0.04079895339062549, 'in': 0.036434770229006985, 'is': 0.030261622507787914, 'are': 0.024574126802673107}, {'and': 0.11452215755892058, 'well': 0.07481411183740515, 'regarded': 0.044520915474994587, 'him': 0.03786628897047342, 'known': 0.037459800295165345, 'soon': 0.03254924246086493, 'it': 0.03161827225121157, 'is': 0.029389233671880267, 'but': 0.028735635031666464}, {'men': 0.029151468982337884, 'city': 0.020950560013459903, 'hundred': 0.01432291432961661, 'William': 0.012605011327963789, 'James': 0.012523830066257721, 'Mayor': 0.011172795649194583, 'Robert': 0.010172810050339572, 'land': 0.009702783923619254, 'street': 0.009453212222873186}, {'in': 0.2604639857530812, 'of': 0.15412073955186112, 'In': 0.08825304474112093, 'for': 0.06486698204668341, 'to': 0.052773394148102955, 'and': 0.05040008150992111, 'from': 0.04092752788883697, 'with': 0.037030589028135746, 'on': 0.03187019598142685}, {'in': 0.2776778601513709, 'of': 0.20914620482445898, 'that': 0.09654249154343833, 'by': 0.05763742243086167, 'and': 0.05378907569131438, 'In': 0.04159405358081225, 'from': 0.027051768249742838, 'to': 0.025393751481740473, 'for': 0.023511717529990227}, {'United': 0.7226005886090778, 'the': 0.045706180638154986, 'other': 0.02786844718737321, 'Southern': 0.01963539075342718, 'per': 0.014671216620928242, 'this': 0.011648365750359295, 'a': 0.01140921024662489, 'of': 0.010814342378465576, 'and': 0.006954219585221862}, {'the': 0.6686962353657079, 'The': 0.06436427261563393, 'tho': 0.036357563906616784, 'and': 0.02763776627983452, 'of': 0.0237748548780244, 'other': 0.01945860124338075, 'all': 0.01894781926426087, 'a': 0.018369654616110495, 'tbe': 0.015167879135461358}, {'the': 0.4037392218410678, 'of': 0.24458970012491804, 'for': 0.05327698528423603, 'a': 0.0504840907661273, 'The': 0.04281355726085553, 'any': 0.042505452064445476, 'and': 0.03941273254821349, 'by': 0.03421548117998568, 'every': 0.028241072655637415}, {'of': 0.2755882326129232, 'in': 0.12096215210440794, 'that': 0.11805914531721802, 'to': 0.1093167698182147, 'and': 0.07194793909626498, 'for': 0.05574443575488099, 'with': 0.05352236158054215, 'by': 0.04308091736495709, 'at': 0.04206378785165195}, {'the': 0.4866411970839052, 'The': 0.12056058473728977, 'of': 0.0701805221487326, 'this': 0.04688322425921468, 'federal': 0.03312388468491193, 'that': 0.026579564164485984, 'our': 0.025423452769432153, 'general': 0.023927440373359105, 'tho': 0.022158690775854917}, {'the': 0.5015849621278159, 'an': 0.13187371406388784, 'this': 0.06922262971812, 'The': 0.05998132733678572, 'tho': 0.03659210756528859, 'a': 0.020480272939301488, 'other': 0.019041556523936434, 'This': 0.0181426745794969, 'tbe': 0.016666930717259953}, {'him': 0.02469713003237889, ';': 0.014728952357512442, 'man': 0.012698362661866018, 'him,': 0.010430197467196823, 'up': 0.010229503574866806, 'and': 0.009982307448466711, 'himself': 0.00916609570334623, 'in': 0.008824565713022928, 'man,': 0.007854332666996857}, {'the': 0.6654180764594689, 'The': 0.07226923538808773, 'a': 0.05268307629785201, 'rapid': 0.03941760791218801, 'tho': 0.03761200053300675, 'great': 0.02158599742187504, 'and': 0.018972137598480692, 'of': 0.012961405495725978, 'tbe': 0.012542410623278226}, {'a': 0.5495070635485597, 'of': 0.1643548855099781, 'in': 0.07786033696933178, 'the': 0.05396547060168479, 'with': 0.030679492980149038, 'very': 0.0258409384027385, 'for': 0.024170276676747867, 'no': 0.01932350034612809, 'In': 0.014522856231005635}, {'to': 0.10890350322989337, 'and': 0.09442122992587068, 'the': 0.07228902335341603, 'of': 0.0684458644017896, 'was': 0.03439914383348648, 'in': 0.027992751827629943, 'be': 0.02771498992711611, 'is': 0.02747590097155882, 'a': 0.024563770295054337}, {'of': 0.27614327816140416, 'in': 0.140206804638267, 'to': 0.10004734954543103, 'and': 0.09953411649446592, 'for': 0.07107365866516009, 'on': 0.06441557509880806, 'with': 0.06150530359302719, 'from': 0.04352934389795414, 'at': 0.03893868933534664}, {'the': 0.3259689373789435, 'a': 0.14097446110349246, 'and': 0.12875576136582212, 'of': 0.0677713922818288, 'The': 0.04805792238004513, 'in': 0.046504287750684006, 'with': 0.04523298411228156, 'to': 0.0389259055062072, 'is': 0.026410976164856926}, {'the': 0.6969242942219818, 'and': 0.05871119015340824, 'tho': 0.046048675200018076, 'a': 0.0371877104752685, 'The': 0.03419323624137935, 'tbe': 0.013750050037422667, 'an': 0.009707172319705592, 'that': 0.00892571102960376, 'in': 0.008495580360974968}, {'and': 0.1952107055517428, 'that': 0.09711206948899546, 'but': 0.05369914900103217, 'But': 0.025232429516169965, 'day': 0.023423295515269685, 'time': 0.023117125260054695, 'come': 0.014154954433552197, 'ago,': 0.012750629518350811, 'And': 0.01081595293687363}, {'out': 0.05164768961451256, 'that': 0.03153411264587142, 'name': 0.02808630186481721, 'people': 0.027011877410022714, 'favor': 0.023069926701538672, 'time': 0.022637541991037142, 'and': 0.02235617406407183, 'case': 0.022117220047102204, 'tion': 0.021152274640648103}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.5655516008952612, 'among': 0.06527475824627288, 'for': 0.058116284934531665, 'to': 0.041354602297877276, 'with': 0.03989060458518288, 'by': 0.037600723988927866, 'Among': 0.019040095453599908, 'upon': 0.017143835807833782, 'in': 0.014942427726964419}, {'<s>': 0.12186649910506661, 'it.': 0.02525261544227018, 'them.': 0.0211860693719065, 'time.': 0.016551018772694596, '.': 0.012574866269530808, 'country.': 0.012544501428657066, 'him.': 0.012522401164243913, 'day.': 0.012305870630922042, 'year.': 0.010979101296135833}, {'the': 0.2651993457922377, 'this': 0.08964203279673515, 'his': 0.08596919553945927, 'in': 0.05845447544347065, 'of': 0.055035195599127645, 'that': 0.04985273323995568, 'same': 0.04863708652534322, 'my': 0.04191469553657268, 'their': 0.039514047320748445}, {'and': 0.11452215755892058, 'well': 0.07481411183740515, 'regarded': 0.044520915474994587, 'him': 0.03786628897047342, 'known': 0.037459800295165345, 'soon': 0.03254924246086493, 'it': 0.03161827225121157, 'is': 0.029389233671880267, 'but': 0.028735635031666464}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'of': 0.15574005984752376, 'and': 0.149601458893794, 'in': 0.11651659176973667, 'to': 0.08495270564142196, 'the': 0.052337337090558066, 'for': 0.046349538086057226, 'at': 0.043966094535748936, 'street': 0.04266765226739713, 'or': 0.03822048225196939}, {'of': 0.27280037079969, 'to': 0.17966756267005407, 'in': 0.10349303822449102, 'on': 0.08988108993042843, 'and': 0.074003577579081, 'at': 0.04921480825704712, 'from': 0.04527986191136486, 'with': 0.044386779162674896, 'by': 0.042587118493020146}, {'on': 0.42662953156536276, 'On': 0.13551555785196595, 'next': 0.05881449769452578, 'first': 0.046557185459456474, 'of': 0.04220222071895247, 'last': 0.03791311940292304, 'and': 0.03739622002846469, 'until': 0.02643565616131458, 'after': 0.02238230367477514}, {'the': 0.6576761677361831, 'The': 0.06699141378850051, 'a': 0.052522097187608086, 'tho': 0.039970510336984975, 'and': 0.03822428845927742, 'his': 0.018742455151671354, 'tbe': 0.013045862951072133, 'in': 0.011051970421330508, 'great': 0.010832766218922638}, {'the': 0.140792310931687, 'of': 0.08975544023026222, 'and': 0.07546553171400149, 'that': 0.045188036962455706, 'a': 0.03766256373839858, 'to': 0.03526832233740115, 'The': 0.03476801250943401, 'which': 0.032221136732117295, 'in': 0.031056021415410213}, {'the': 0.6628441474960226, 'of': 0.04441917200321834, 'tho': 0.04419049342922053, 'this': 0.037798996903987823, 'an': 0.03384348082073662, 'and': 0.03269220454035375, 'a': 0.024054607369364298, 'that': 0.023813248372844865, 'in': 0.021314974733636537}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.27240664230849243, 'in': 0.2039257745990393, 'to': 0.12497215045832342, 'by': 0.06917673344577387, 'and': 0.04995785461676742, 'that': 0.04932181226543512, 'with': 0.04807765455702599, 'under': 0.03864952496008628, 'for': 0.03837515187876285}, {'the': 0.1544446391036022, 'of': 0.13365723472238253, 'and': 0.06500179097384778, 'to': 0.048366956580724735, 'on': 0.038196025522017917, 'a': 0.03728365975172352, 'in': 0.03720493933852029, 'by': 0.03561893031501859, 'from': 0.02029925871707333}, {'of': 0.28630049613406733, 'to': 0.13032634154829895, 'in': 0.1070342879547102, 'with': 0.0758248906257804, 'by': 0.0757349266483793, 'and': 0.060751367056124765, 'for': 0.05267284629361251, 'that': 0.05156528060436403, 'from': 0.041314395990074845}, {'the': 0.3670661112278915, 'of': 0.0741829879944329, 'a': 0.06779405200666595, 'The': 0.05445413533588292, 'and': 0.046831508314365465, 'their': 0.04567346604062114, 'these': 0.03058827208032731, 'other': 0.02848801682322706, 'such': 0.025469043715919203}, {'of': 0.18070916830337158, 'in': 0.15738240537720113, 'to': 0.1326278653366115, 'and': 0.08258972035827641, 'as': 0.071652029381432, 'with': 0.05924515893520439, 'for': 0.057021266242004216, 'is': 0.05064727259983894, 'by': 0.04367038386125623}, {'the': 0.5638778024254524, 'a': 0.1748010911168181, 'The': 0.061184664434371774, 'tho': 0.046320804321418864, 'tbe': 0.024441014916802433, 'an': 0.024071098440955046, 'this': 0.019320472806413674, 'any': 0.015689243465199565, 'every': 0.014174585067778642}, {';': 0.01241769519610228, 'it,': 0.010497474783652823, 'years,': 0.00971317453265634, 'here': 0.007079800179127054, 'them,': 0.006998078365301949, 'him': 0.006910021424266259, 'it': 0.006793717867499514, 'time,': 0.006764528061041298, '<s>': 0.00670020130321621}, {'a': 0.2638885761561319, 'said': 0.17691534573377687, 'by': 0.16642331706986147, 'the': 0.13703786449944325, 'certain': 0.06696343923974883, 'in': 0.024260101401131825, 'and': 0.01973823372197211, 'of': 0.01927663560217467, 'first': 0.012316448088734706}, {'No.': 0.10714008006555838, 'and': 0.060581857270476165, 'at': 0.03506008105600794, 'as': 0.02840571586678539, 'that': 0.026085578290989394, '<s>': 0.01818569675132421, 'an': 0.017943128106526693, 'to': 0.0174734588540129, 'about': 0.015183014334528826}, {'the': 0.38869480371061926, 'of': 0.14861886017818698, 'a': 0.09874993565870566, 'his': 0.04056216419160957, 'and': 0.02951203794870807, 'The': 0.02635093325060349, 'text': 0.02508644387482346, 'on': 0.023101316926771812, 'said': 0.022181604921791314}, {'and': 0.1537489047931949, 'do': 0.08814974963250342, 'was': 0.04841562618644371, 'And': 0.039892221501628106, 'is': 0.03801343036085404, 'not': 0.028058630226095373, 'be': 0.025732219216262977, 'or': 0.0222289438423777, 'but': 0.02059740090651111}, {'they': 0.15871504477804965, 'there': 0.1361701101151183, 'There': 0.08659260348606923, 'we': 0.07576782051076622, 'who': 0.06556290239244507, 'which': 0.05769761431784503, 'that': 0.04519948902963016, 'They': 0.042397060380756406, 'and': 0.03767983402244499}, {'and': 0.20848070776444189, 'was': 0.10421120357319807, 'is': 0.08161259235169788, 'do': 0.08072424448886023, 'or': 0.06523823550049354, 'not': 0.055168842693797314, 'be': 0.04223721245779862, 'are': 0.03914257984817118, 'were': 0.02965034950201777}, {'I': 0.3993360547821223, 'we': 0.2337987029663466, 'We': 0.06788582348042203, 'to': 0.06212025387901806, 'will': 0.05044367950186154, 'you': 0.04248484647272328, 'they': 0.04135615092437535, 'can': 0.031859518613393055, 'not': 0.030674442132140402}, {'of': 0.3068522824555652, 'in': 0.14611836113408627, 'to': 0.12250476059199042, 'and': 0.08852490435555521, 'that': 0.06329819797859818, 'for': 0.04808194340789215, 'with': 0.047984682870154866, 'from': 0.038070984783220484, 'by': 0.030165578987607026}, {'a': 0.39359045712731605, 'the': 0.2917666091978615, 'his': 0.107692786036475, 'their': 0.035898362633897625, 'The': 0.033396382417814285, 'of': 0.027453656439384678, 'my': 0.022173873098357322, 'tho': 0.01789968712377201, 'its': 0.015283296842573912}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'of': 0.15028303461541495, 'by': 0.09663816598294098, 'that': 0.08198055144009839, 'and': 0.06711856832402839, 'to': 0.045484015472766655, '<s>': 0.0329949621176547, 'said': 0.02007614020650463, 'which': 0.018313088206199604, 'with': 0.016110549681469445}, {'sum': 0.22934217728962225, 'rate': 0.1099546974296778, 'number': 0.058177941926748716, 'one': 0.04046679729412817, 'period': 0.037928949809800355, 'depth': 0.031480323557790936, 'hundreds': 0.02113290435926645, 'amount': 0.021001933166738693, 'payment': 0.02035541707007766}, {'that': 0.19334165128296624, 'and': 0.18742737884450153, 'but': 0.10569903914763065, 'as': 0.0761181804251399, 'which': 0.05807654670077377, 'if': 0.03936126387756893, 'when': 0.03767480503209417, 'where': 0.027471127676823876, 'But': 0.024854195042196804}, {'to': 0.09550007424278882, 'and': 0.07696928077182079, 'of': 0.06465108882235898, 'the': 0.060881214055082955, 'be': 0.046494709755581454, 'was': 0.04645832129124072, 'for': 0.04045380519096545, 'is': 0.038110425058898785, 'I': 0.033173762501119496}, {'of': 0.34108062388870947, 'to': 0.13912529894458614, 'that': 0.09669910076564268, 'in': 0.07971400343055601, 'and': 0.06420963594029022, 'by': 0.05855936921361668, 'on': 0.05078210848384636, 'for': 0.04189861519548629, 'from': 0.03724211038222838}, {'as': 0.10572428810202514, 'and': 0.05425375302646396, 'up': 0.04590833111919863, 'according': 0.04342059303777163, 'come': 0.043012677686053914, 'came': 0.03866490610571693, 'regard': 0.03366540218033259, 'given': 0.02697599661094149, 'it': 0.026474383607708426}, {'it': 0.34853967494870264, 'It': 0.1694521195217358, 'there': 0.058684405723678924, 'he': 0.04944346794443185, 'that': 0.04635112494005637, 'which': 0.04339690611439008, 'and': 0.034741781090172286, 'who': 0.027801897213853295, 'He': 0.0176109047941561}, {'the': 0.1687540339557939, 'to': 0.1517968256773678, 'and': 0.13011345550028214, 'a': 0.09455700176060873, 'I': 0.04809048068740751, 'will': 0.04376100228400591, '1': 0.040547256912022205, 'The': 0.034336779005235754, 'that': 0.03315381839683775}, {'of': 0.3011041020215183, 'to': 0.14227118169915734, 'on': 0.11067926359153764, 'and': 0.07301348640751978, 'that': 0.0676983784408907, 'at': 0.05441303085672212, 'in': 0.05326972691851134, 'from': 0.04981115699651836, 'by': 0.04799143101311916}, {'and': 0.23707126688395347, 'to': 0.21220206432035837, 'he': 0.07065827685232602, 'who': 0.05633260946022177, 'I': 0.04639684614051001, 'will': 0.03860825299447404, 'be': 0.03511232435805256, 'not': 0.034452445835118584, 'they': 0.033867861185672234}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.2909693601291905, 'a': 0.1542080299042122, 'his': 0.1468919663387996, 'of': 0.08558388388873102, 'my': 0.054829011504388514, 'said': 0.038358640263016615, 'her': 0.03258107178203098, 'to': 0.03100198625541112, 'in': 0.030417438604378063}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.3698112166020527, 'of': 0.16010504453921218, 'The': 0.07087048918865488, 'and': 0.04313745037229435, 'that': 0.038263542672681894, 'by': 0.036392143000631545, 'to': 0.029456483196634183, 'at': 0.019578035770088265, 'for': 0.01950578151000357}, {'to': 0.33967104184816277, 'will': 0.15256168004245627, 'may': 0.09461273829616043, 'would': 0.07476063005946147, 'can': 0.06361983134175445, 'should': 0.06057504655479068, 'not': 0.04586716028181285, 'could': 0.04407769571967837, 'shall': 0.0413362948300003}, {'to': 0.17984723815819034, 'and': 0.11282186862920525, 'the': 0.053907357329254085, 'of': 0.04095520314710377, 'had': 0.031550201582405485, 'in': 0.029548205747888107, 'will': 0.028588351813130422, 'he': 0.025367320457991706, 'not': 0.02385939706068438}, {'and': 0.049987779033060356, 'covered': 0.044723617870181906, 'filled': 0.038280728623978445, 'together': 0.03035262580091172, 'charged': 0.023576196363331418, 'it': 0.021111078194854856, 'up': 0.01945360572525831, 'him': 0.01804285305433584, 'them': 0.01590682851574201}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.1254026015796661, 'of': 0.1161074988844139, 'the': 0.10498314131613111, 'a': 0.04978387123608453, 'to': 0.04019854529561615, 'is': 0.03341381912776819, 'was': 0.032578865524168964, 'be': 0.030541242987476586, 'in': 0.03022360919121329}, {'of': 0.07779918043414362, 'and': 0.07725521509889113, 'to': 0.0766966387530607, 'the': 0.07170830168495326, 'in': 0.06353132727194553, 'a': 0.03323898128184523, 'was': 0.02973701613603953, 'is': 0.0297153225243694, 'for': 0.025881102494688897}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'that': 0.1924711100532151, 'and': 0.12281488674233977, 'to': 0.11068640116249516, 'which': 0.08867141940083824, 'will': 0.07394013087289018, 'as': 0.06565480293471065, 'would': 0.05456422454875282, 'may': 0.046781528448245235, 'should': 0.046202739880184}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'of': 0.11814969428458787, 'the': 0.09701162600988734, 'and': 0.09144322586309091, 'to': 0.04619201183607827, 'in': 0.03849595159129969, 'said': 0.027824133543488973, 'be': 0.023538623906989065, 'for': 0.022502541622130293, 'was': 0.0210095588385929}, {'a': 0.4312458760981866, 'the': 0.31217621841360704, 'The': 0.058858851596473236, 'A': 0.02696795055296692, 'this': 0.02403167330413173, 'appropriation': 0.0132288292196063, 'tho': 0.013159983873504, 'tariff': 0.01034399958271029, 'any': 0.006840526749330626}, {'the': 0.18676413513205287, 'of': 0.09426101215625676, 'Mr.': 0.058771944201632724, 'The': 0.05859229244755889, 'and': 0.047418876464759396, 'that': 0.040529935185272044, 'a': 0.030321438874415407, 'this': 0.017731168796550952, 'in': 0.015871221276314785}, {'the': 0.3071016640378784, 'and': 0.1870505251258347, 'an': 0.1572549785472988, 'The': 0.06595772158810899, 'most': 0.04543655277901183, 'of': 0.04270491450652398, 'as': 0.038142859059607966, 'very': 0.029849739513562713, 'their': 0.02975018028106382}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'and': 0.16149535508741014, 'that': 0.03267604016249062, 'interest': 0.02269131692022457, 'recorded': 0.022511887195499052, 'it': 0.021806963190197426, 'or': 0.01977947234006928, 'out': 0.019285070284067892, 'made': 0.019270585136866906, 'time': 0.019115670804318103}, {'be': 0.1640602825018053, 'and': 0.16060787673078253, 'he': 0.06758867546761058, 'was': 0.06602940420845337, 'are': 0.05976366807042519, 'is': 0.04807819448761414, 'not': 0.040817014392569975, 'have': 0.03984155827505185, 'had': 0.036296206253185324}, {'be': 0.15429769691890308, 'and': 0.1477607487848004, 'was': 0.11585439847604072, 'is': 0.08448204994862418, 'as': 0.07154201270284283, 'are': 0.07036225017501006, 'been': 0.05794615259840076, 'were': 0.03744280250546926, 'the': 0.022515137699339795}, {'a': 0.2614122786321404, 'the': 0.2048556475164251, 'to': 0.1494211443223471, 'and': 0.053483414882348666, 'The': 0.05305407549464744, 'A': 0.025548940743254648, 'annual': 0.025246941494181444, 'will': 0.019269414502872218, 'this': 0.014570822562942879}, {'an': 0.22825250138556638, 'the': 0.16097631517942548, 'of': 0.12125357627946283, 'and': 0.10163866485833065, 'for': 0.034169395142961786, 'such': 0.030651946320026536, 'a': 0.029764233916867614, 'two': 0.028553808579694813, 'their': 0.024693046853767987}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'.': 0.0597597514821979, '-': 0.04344822097029051, 'and': 0.04200556820753093, 'in': 0.040532801302671145, 'of': 0.03926835089446122, 'from': 0.03644381115830092, 'pre-': 0.03065563975832239, 'de-': 0.02864712428401317, 'lots': 0.028563525607999816}, {'Mrs.': 0.12180375426981478, '.': 0.11712521564096338, 'Mr.': 0.0701648662270883, 'Miss': 0.040275019131423014, 'W.': 0.03491116103604594, 'J.': 0.03488124242114693, 'No.': 0.02980047899741042, 'E': 0.02724995249641611, 'John': 0.025522837877545973}, {'and': 0.09030447419451751, 'that': 0.037001752010145376, 'look': 0.032895159453540934, 'depend': 0.030909144050698372, 'effect': 0.023770185825256248, 'it': 0.02270280317762618, 'called': 0.020697174207298493, 'one': 0.019781738911043876, 'depends': 0.01977784416366019}, {'the': 0.3565844212812048, 'a': 0.28760738637953215, 'this': 0.0460097323079762, 'of': 0.04432069804869265, 'The': 0.037529093189632344, 'and': 0.028143707076056842, 'to': 0.026905012158785428, 'at': 0.026813071019744755, 'tho': 0.021779526998201612}, {'of': 0.29882442174592844, 'for': 0.17079380767686742, 'in': 0.09617874717150135, 'to': 0.07253864957542083, 'by': 0.061112644640259096, 'and': 0.05007947828884702, 'that': 0.04728925023792375, 'with': 0.04576842491255665, 'In': 0.03757847081992487}, {'the': 0.23985530158693175, 'of': 0.11497612133073278, 'and': 0.07583405740002089, 'a': 0.05974434760309576, 'to': 0.05032233057402244, 'be': 0.03767679573242379, 'his': 0.028033685018513835, 'was': 0.027883306572306914, 'in': 0.024341702748450784}, {'he': 0.07450776473704107, 'and': 0.06690706344523137, 'I': 0.053814674955018876, 'it': 0.045646890107349444, 'they': 0.035052052258653967, 'that': 0.03448079203672195, 'which': 0.03271469097479399, 'who': 0.02890119804454653, 'we': 0.025166312812536402}, {'was': 0.21527336024584168, 'is': 0.21355927361011012, 'are': 0.105316279922941, 'be': 0.08376529552386791, 'and': 0.07143121273206213, 'been': 0.06946478723028138, 'were': 0.06408627958135406, 'the': 0.043199506757303496, 'very': 0.03695100136269393}, {'to': 0.38088240546499424, 'and': 0.09630884465965414, 'be': 0.07797454272443789, 'the': 0.07019191871358527, 'not': 0.05163115714351932, 'will': 0.045070862539478805, 'was': 0.04326461242491578, 'a': 0.027018409416144057, 'been': 0.02586534824047087}, {'of': 0.24229662534273902, 'to': 0.1142817553986464, 'and': 0.11049426457361862, 'in': 0.10238794193650648, 'for': 0.08294156192080027, 'that': 0.057789144581050035, 'with': 0.0518865768097207, 'by': 0.041409302501465475, 'from': 0.03566244741055474}, {'and': 0.319887192952556, 'but': 0.05853184527139281, 'that': 0.04616446749876139, 'time': 0.03482657737617075, 'was': 0.029829821925260097, 'it': 0.02011270645748385, 'day': 0.0196664221271695, 'But': 0.01735386003224732, 'him': 0.016100462141055774}, {'was': 0.11611224264948113, 'and': 0.10154815055929499, 'be': 0.04608983923390587, 'were': 0.041048963806082264, 'are': 0.03875386705047607, 'is': 0.037825684520912284, 'him': 0.026324552428924064, 'it': 0.022955329540408017, 'them': 0.02247181724293964}, {'of': 0.4223944498369648, 'in': 0.09080707250758448, 'for': 0.0780314588145495, 'to': 0.0763145291488927, 'and': 0.07261347947941281, 'that': 0.06673085740688653, 'by': 0.043562685296269554, 'as': 0.029170052807090133, 'with': 0.027652981959328173}, {'is': 0.09852207676846436, 'and': 0.08053454762649587, 'as': 0.06968692682818728, 'order': 0.058728827154052886, 'enough': 0.05522220660929812, 'have': 0.05382874953690602, 'right': 0.04689980529142235, 'not': 0.046821585895507466, 'had': 0.0444169185250196}, {'be': 0.4275305709763967, 'was': 0.1092839625777414, 'been': 0.0903077451068781, 'is': 0.08188090339476058, 'and': 0.047670800403881886, 'are': 0.041984474273008866, 'were': 0.03886713569776889, 'he': 0.03389738213514459, 'have': 0.0329080202720134}, {'a': 0.33209722424784455, 'the': 0.23978433083026024, 'no': 0.16573780534736962, 'this': 0.07778381376596095, 'easy': 0.025012410836454817, 'any': 0.022777944271866173, 'his': 0.020353763739815175, 'The': 0.019384854447697233, 'every': 0.014884143613823479}, {'the': 0.11976191433092223, 'and': 0.07535019074033851, 'of': 0.07077611483426, 'a': 0.04539416347044562, 'in': 0.04044854473622146, 'to': 0.029744874525005325, 'for': 0.024498592484833867, 'In': 0.015949063671739004, 'that': 0.014621589771018337}, {'of': 0.309824438578554, 'in': 0.14866141415830186, 'for': 0.0990363600363528, 'to': 0.09522224763095904, 'at': 0.0489447033768881, 'is': 0.04677104767768611, 'and': 0.04295588531987679, 'from': 0.03745604299694131, 'with': 0.03684891998578897}, {'of': 0.3231916082763015, 'in': 0.09256187413942765, 'for': 0.09143142123841638, 'and': 0.08501437282493425, 'that': 0.07781099128984688, 'to': 0.06980181879564736, 'on': 0.047869618424324176, 'with': 0.043014823616329224, 'by': 0.027380636185835822}, {'of': 0.14276075221697046, 'was': 0.10819849229288203, 'and': 0.08529545844518847, 'are': 0.07560119103426372, 'is': 0.07030848060792666, 'were': 0.05607498150928373, 'for': 0.041619996774336976, 'in': 0.03864832951559884, 'all': 0.036961052484676245}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {';': 0.02814744486483695, 'it,': 0.016811710726714044, 'him,': 0.01521880241585713, 'them,': 0.011188642173494138, 'it': 0.009443564709900844, 'him': 0.009172319468257794, 'in': 0.009071227241504177, 'time,': 0.008082925691044197, 'States,': 0.008064224025480815}, {'to': 0.25277483076763485, 'a': 0.20162576719906397, 'the': 0.13580706179609933, 'and': 0.08135962262957182, 'of': 0.03710559820109288, 'will': 0.03543871140332893, 'his': 0.023844769063279182, 'not': 0.02377044860546681, 'or': 0.02348647936602492}, {'of': 0.1333533661849079, 'the': 0.09393668323791601, 'and': 0.07239299029384473, 'to': 0.0713198304207533, 'in': 0.047270840564964944, 'a': 0.03953875601212043, 'be': 0.035219311395990396, 'for': 0.03407343962052774, 'is': 0.02637234518745899}, {'of': 0.1286296868005657, 'the': 0.12452031555879173, 'a': 0.0948012127932747, 'and': 0.07896842822253503, 'to': 0.0598001572968409, 'or': 0.023628447146263328, 'in': 0.02308926612116236, 'at': 0.020610904855826232, 'for': 0.01931206796878726}, {'of': 0.12005144112176123, 'be': 0.10143618276873644, 'was': 0.09210006401122292, 'and': 0.07750220268838388, 'is': 0.07326821083345282, 'as': 0.04569840593616264, 'to': 0.04314290980997748, 'in': 0.043000969733623134, 'been': 0.03329953321635792}, {'to': 0.748288250451247, 'not': 0.05200916554972207, 'and': 0.040860833684125145, 'will': 0.022756719139277213, 'would': 0.01963077472050228, 'may': 0.016079680360392905, 'of': 0.015804734190883532, 'shall': 0.012343789471690852, 'can': 0.011790478672555149}, {'and': 0.057921268277516355, 'made': 0.05720454238099223, 'or': 0.027667855811310166, 'that': 0.018011544704181506, 'him': 0.017558990673212004, 'followed': 0.017527595302827884, 'owned': 0.017473857763875875, 'ed': 0.01667035337328131, 'accompanied': 0.016387667436576978}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'I': 0.16433264860426677, 'you': 0.1572018002371625, 'we': 0.14949729796550001, 'he': 0.11929375029569002, 'they': 0.10326022324405912, 'We': 0.05281065880500025, 'You': 0.040467526367919275, 'it': 0.04008588822230395, 'she': 0.032482305909069406}, {'this': 0.46101489412041846, 'the': 0.0787096887042285, 'to': 0.05994983801357893, 'his': 0.05756660537301657, 'in': 0.04853626316025554, 'a': 0.04474437353472271, 'my': 0.037858740389898136, 'good': 0.033532358248826825, 'that': 0.03154273939407925}, {'is': 0.31622000847266185, 'was': 0.10874820678867453, 'have': 0.10167595790308881, 'be': 0.09985296577476588, 'and': 0.08018765344799206, 'had': 0.0762715505583318, 'will': 0.048124993582153545, 'has': 0.041001089948965855, 'Is': 0.04081862988824428}, {'to': 0.3171972220783695, 'will': 0.2381545426991935, 'shall': 0.10601616284205523, 'should': 0.06393261169180132, 'may': 0.05477008739751101, 'can': 0.0464941703987502, 'would': 0.04306422121170306, 'not': 0.03580705279342802, 'must': 0.035486722625560935}, {'it': 0.12698476930802371, 'he': 0.1147309530183802, 'which': 0.09739561320854542, 'and': 0.0899648040047413, 'It': 0.08487959368863687, 'that': 0.06397762632393342, 'who': 0.05147879066313734, 'He': 0.023759585926204294, 'as': 0.01984538250835057}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'it': 0.19824931829463519, 'that': 0.16370474684066663, 'It': 0.0903679084229916, 'which': 0.05978915511326633, 'and': 0.03817439820025863, 'he': 0.03078679131673533, 'There': 0.020580936694693745, 'there': 0.01782811192182399, 'That': 0.017322626655069708}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.20279366364628199, 'and': 0.09296485229619161, 'a': 0.0874464038847713, 'of': 0.06992836876768722, 'to': 0.05331584480202528, 'in': 0.03611410577249019, 'for': 0.03265372370343107, 'The': 0.021255094602473403, 'his': 0.02070137798378381}, {'to': 0.4072968318677399, 'a': 0.14407393057200413, 'will': 0.08681144802012984, 'the': 0.07692124004822534, 'not': 0.04553077922442067, 'would': 0.04092497605571048, 'and': 0.030550910005849807, 'shall': 0.024500687267837305, 'his': 0.024121592070245626}, {'and': 0.11863107403857741, 'was': 0.04275499240298558, 'is': 0.034084770993589704, 'Beginning': 0.0295552580695973, 'look': 0.029487193074845923, 'be': 0.02638009633803898, 'it': 0.024970054099052397, 'are': 0.023591667060769303, 'that': 0.022284640320939932}, {'of': 0.1009871287325402, 'and': 0.08828736624825897, 'on': 0.04066989827771895, 'in': 0.03065291088466397, 'is': 0.02846496602289531, 'are': 0.027070428329822344, 'to': 0.025186165367807142, 'was': 0.024233451601542607, 'an': 0.02348556264393279}, {'the': 0.6326957683425936, 'a': 0.07678007213388445, 'The': 0.048935929491475696, 'tho': 0.04572851492549459, 'and': 0.04508332273899996, 'great': 0.028025681533230613, 'tbe': 0.02165114635757041, 'in': 0.02085241669545841, 'this': 0.01940291372812886}, {'and': 0.101196885013553, 'the': 0.06649445067860613, 'a': 0.034976942776596597, 'that': 0.02552607466206683, 'of': 0.02396684137821765, 'to': 0.021881490405354653, 'man': 0.020471723085909086, 'time': 0.01875944801362461, 'men': 0.013701564114944083}, {'and': 0.10858929003350043, 'that': 0.10197189637738394, 'as': 0.06720065000034108, 'of': 0.06716423871261154, 'to': 0.048973085804781435, 'make': 0.04490872885872053, 'which': 0.04270294889136098, 'but': 0.03533274691040666, 'if': 0.03210967177713058}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'a': 0.5936099078887201, 'the': 0.12134787959229816, 'A': 0.04850626184171354, 'of': 0.03663980850462603, 'The': 0.03474233052826261, 'no': 0.029310167557776688, 'and': 0.02438279369425524, 'his': 0.017192526511218314, 'as': 0.012987514146555922}, {'a': 0.5214881264746504, 'the': 0.12050179552110048, 'and': 0.058572163472901215, 'of': 0.04198539597073441, 'most': 0.041897511579759315, 'A': 0.03141134683351615, 'very': 0.029808811814128, 'an': 0.027947533924160956, 'one': 0.021821942375405898}, {'of': 0.2723307947001329, 'in': 0.13644868731327067, 'on': 0.13546393736088558, 'to': 0.1339538636827229, 'and': 0.0604938127318882, 'that': 0.04945228542613661, 'with': 0.0458130074695954, 'from': 0.03647002709506297, 'for': 0.03546483205465925}, {'the': 0.0937119361963273, 'and': 0.07909084878114386, 'of': 0.07592279866551538, 'to': 0.06671400319394838, 'a': 0.05851040078053075, 'in': 0.03495981075501248, 'at': 0.024455733624054486, 'or': 0.01969139200426022, 'that': 0.014648235167712752}, {'and': 0.049987779033060356, 'covered': 0.044723617870181906, 'filled': 0.038280728623978445, 'together': 0.03035262580091172, 'charged': 0.023576196363331418, 'it': 0.021111078194854856, 'up': 0.01945360572525831, 'him': 0.01804285305433584, 'them': 0.01590682851574201}, {'the': 0.1450524935836439, 'and': 0.10177379526547212, 'of': 0.07092498490510685, 'to': 0.06643859177010694, 'in': 0.043184033163470234, 'was': 0.040444756304387645, 'a': 0.037358609147802715, 'be': 0.034122654588659554, 'is': 0.024495922836782185}, {'the': 0.4426040221775342, 'an': 0.1139583841414801, 'of': 0.07015199896414981, 'his': 0.06663242166852927, 'in': 0.03169702428868395, 'this': 0.031248884898257293, 'The': 0.02214634095916038, 'tho': 0.0217834046121633, 'good': 0.020944274842927234}, {'well': 0.0919629619020031, 'known': 0.0905928411316168, 'such': 0.0643072945765663, 'and': 0.05709884287572513, 'far': 0.05230426078246349, 'soon': 0.03642434374222086, 'is': 0.033177744693230704, 'just': 0.032881338703536496, 'was': 0.026455488479817678}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'the': 0.5888879599158232, 'to': 0.08413181502603594, 'The': 0.05704008968201168, 'and': 0.04692137004655583, 'an': 0.045957255335121135, 'a': 0.04407718229837374, 'no': 0.03665918993379466, 'his': 0.033542563396445506, 'tho': 0.02904689088962651}, {'the': 0.21065193915565517, 'of': 0.08219053896537407, 'and': 0.07306876381982752, 'a': 0.0650262061620037, 'in': 0.027644545321932796, 'to': 0.0232139415987013, 'for': 0.020777803950531606, 'or': 0.019870333459705278, 'that': 0.018938212295875053}, {'as': 0.1390186954843492, 'is': 0.12142262882711448, 'and': 0.10136753061951631, 'in': 0.09888197111211795, 'was': 0.0815781690391919, 'of': 0.07561395860328679, 'be': 0.07520149271154848, 'to': 0.06140593833494624, 'the': 0.05671978498519667}, {'the': 0.23097332569329868, 'any': 0.22461318650540169, 'a': 0.1692457915345713, 'Any': 0.10006980849526452, 'every': 0.07485145359164148, 'no': 0.04662299784709631, 'other': 0.03699958545810729, 'some': 0.033847674192111, 'The': 0.03166265754598338}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'It': 0.1844899494602058, 'there': 0.16943159172519223, 'it': 0.15555998406497315, 'There': 0.08546350554130623, 'This': 0.052610572856870534, 'which': 0.038060098362034306, 'he': 0.03667736962235606, 'that': 0.03641475547024969, 'this': 0.031009147688645645}, {'the': 0.16863327683253762, 'of': 0.10257010169187995, 'and': 0.0915049246632365, 'to': 0.04594850725364744, 'in': 0.043531346797253005, 'a': 0.039390580594390066, 'his': 0.030009445827409876, 'was': 0.020016379292313872, 'In': 0.019547270877521804}, {'six': 0.3082972939335495, 'three': 0.14229242196954003, 'two': 0.10857545261697427, 'four': 0.07778859585148172, 'twelve': 0.05956724813072527, 'eighteen': 0.05843655999241111, 'few': 0.055282844972999554, 'several': 0.05159568420698879, 'eight': 0.03835732252556012}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.5339921888140681, 'a': 0.19612609667141997, 'The': 0.06195254216499578, 'of': 0.06072433146937131, 'tho': 0.027012029618369248, 'A': 0.020063090777188586, 'our': 0.0198952279143905, 'in': 0.018602465478829797, 'great': 0.018075521944311234}, {'of': 0.31118184292495593, 'to': 0.13534672416508098, 'in': 0.09168452350538066, 'and': 0.0846827815917003, 'that': 0.07255752547416273, 'by': 0.05800919886493754, 'for': 0.05498322233814394, 'with': 0.04221247692817181, 'as': 0.028874698383336776}, {'amount': 0.07840787583970842, 'payment': 0.05418850945972784, 'out': 0.05003071639705094, 'value': 0.04937459673902293, 'part': 0.04877175395518133, 'proof': 0.044491230147116166, 'all': 0.03516107879454983, 'tion': 0.03242829101542852, 'proceeds': 0.027829301630477917}, {'in': 0.026120437381743616, ';': 0.02271871123640712, 'Under': 0.022035149492526808, 'given,': 0.0121365945840134, 'him,': 0.009154881349412305, 'them,': 0.008879055812687572, ',': 0.008847383333875922, 'up': 0.008638515406511393, 'thereof,': 0.008569798813725061}, {'the': 0.6118141668876682, 'an': 0.1514294652490366, 'The': 0.05586160306853865, 'tho': 0.03852662410587267, 'a': 0.027372492309843073, 'this': 0.020798673915284963, 'tbe': 0.020335622344207847, 'general': 0.015123569968120044, 'said': 0.012966589197111855}, {'.': 0.0960927383289639, 'Mr.': 0.08283022190921087, 'W.': 0.06126514993825564, 'E.': 0.05426901195271138, 'No.': 0.04073929079749177, 'Mrs.': 0.03903354705212734, 'C.': 0.034957271151476364, 'J.': 0.032510287093229444, 'H.': 0.029089930539131132}, {'the': 0.5854928211000887, 'a': 0.08980886945309785, 'of': 0.058118862677115635, 'The': 0.05763268033043454, 'tho': 0.041070193853883726, 'and': 0.024564636192461138, 'tbe': 0.01625843964040713, 'to': 0.01455731594111968, 'in': 0.013245902575542978}, {'of': 0.2881084852611035, 'to': 0.11695042359810433, 'in': 0.11612425883348357, 'and': 0.0676209513584755, 'with': 0.059999875551068116, 'for': 0.053652151003525876, 'on': 0.051676945102502155, 'by': 0.04093520255770849, 'from': 0.038827044671752485}, {'the': 0.17892955640752722, 'Mr.': 0.08767227788269356, 'a': 0.06683224656215139, 'and': 0.06175009222563655, 'of': 0.051644094877116575, 'The': 0.039577180927787094, 'was': 0.029997342386284036, 'is': 0.022516273148437974, 'to': 0.021880714503241853}, {'to': 0.5769461836388463, 'not': 0.10225278743394607, 'will': 0.07703669668753274, 'would': 0.0703182406800383, 'and': 0.05618485304753795, 'may': 0.018452722868917987, 'must': 0.016996004398085157, 'I': 0.015837296888761874, 'we': 0.013320517136100723}, {'the': 0.8215029259196105, 'The': 0.03146248401166816, 'tho': 0.02525373864642366, 'their': 0.022247969853640512, 'our': 0.01785288292600575, 'of': 0.01645936044443464, 'his': 0.015737639416341775, 'and': 0.014701841463274114, 'its': 0.011819035195154474}, {'in': 0.025198094252702755, 'men': 0.018196270206099693, 'hundred': 0.015380578111315987, 'time': 0.012528170969089666, 'law': 0.011188648238388247, 'large': 0.010676563997931687, 'one': 0.01027965159318398, 'due': 0.009775549504853171, 'and': 0.009774505111117092}, {'they': 0.16851011523444276, 'we': 0.1395548349708716, 'you': 0.125953711748169, 'I': 0.08901195109074345, 'he': 0.0809067906369671, 'that': 0.06452029789174052, 'and': 0.06385861914726938, 'which': 0.04852369729023463, 'who': 0.04811924626345011}, {'the': 0.1004537638927289, 'and': 0.08267925888320607, 'of': 0.07644462049417916, 'a': 0.06156701463315286, 'to': 0.04951117402724944, 'was': 0.03896850724661483, 'be': 0.032915180609732336, 'is': 0.02400164381968317, 'been': 0.02342465961343371}, {'and': 0.17592108743219387, 'the': 0.11135368718268565, 'of': 0.10631260125899046, 'was': 0.07963952561334421, 'is': 0.06075044797119816, 'an': 0.04912162600601057, 'in': 0.048951423403696626, 'or': 0.034220603053090964, 'from': 0.03091288872385037}, {'set': 0.16926902395818588, 'setting': 0.13768909256837777, 'put': 0.13553485682063965, 'brought': 0.06848344226058072, 'sets': 0.04645875584253051, 'and': 0.040239082535343584, 'bring': 0.025326728256064333, 'to': 0.020995330760782013, 'came': 0.01785784435301568}, {'no': 0.14572383693518998, 'the': 0.14317333176924574, 'a': 0.11872932578242668, 'and': 0.10398410379756387, 'of': 0.09504761104860528, 'or': 0.0938907079327522, 'any': 0.0657897153440635, 'much': 0.06134870400646875, 'for': 0.05287691573289526}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'a': 0.3873865435964874, 'one': 0.10438955757993983, 'the': 0.09920289058774329, 'in': 0.05287406533053057, 'certain': 0.05168588245418313, 'this': 0.044703289584342915, 'of': 0.041079817894330684, 'any': 0.04105449837889758, 'A': 0.03227368374919671}, {'are': 0.1512951576398973, 'be': 0.14437119614900648, 'is': 0.1346985079156888, 'was': 0.08941103409788378, 'and': 0.07383010399144463, 'most': 0.07094805146905647, 'more': 0.06819801953824287, 'were': 0.056959989781186604, 'a': 0.051322684574437984}, {'and': 0.11092507411182154, 'made': 0.06827072565287592, 'or': 0.036624243954109646, 'that': 0.03017949571678494, 'ed': 0.027938214330092855, 'him': 0.02250293703407359, 'them': 0.02227716635142621, 'held': 0.020673384070223066, 'done': 0.019018043074835792}, {'a': 0.516340942800372, 'the': 0.26280948191723424, 'of': 0.05005119805047809, 'The': 0.03874340447953955, 'and': 0.01838640970804317, 'this': 0.01450475966459876, 'A': 0.014453493691408532, 'with': 0.014280002076144962, 'for': 0.011006162702153583}, {'to': 0.41125166287267406, 'will': 0.16798469613584024, 'would': 0.08804544581829471, 'shall': 0.06585382816460852, 'may': 0.051349266976988564, 'should': 0.03917767317647299, 'must': 0.03474494954792615, 'and': 0.0190010631417546, 'not': 0.016971719837604274}, {'that': 0.2866547246577085, 'and': 0.1446835642283415, 'is': 0.0965797432062591, 'was': 0.062133044531531983, 'of': 0.05554993015517619, 'be': 0.05532547054424062, 'but': 0.053709308464404935, 'by': 0.032104671205107474, 'which': 0.03188690435833445}, {'the': 0.6070943911788372, 'of': 0.06129619089271469, 'tho': 0.03633459178877418, 'at': 0.033555155479957556, 'and': 0.029442290599974524, 'The': 0.028318772453585384, 'to': 0.02668292925904649, 'said': 0.0144676363253045, 'tbe': 0.01421433070051234}, {'he': 0.12550448527974664, 'they': 0.11752808697691242, 'we': 0.09569754135167402, 'who': 0.06613874840426236, 'I': 0.05779587710306203, 'you': 0.05628619151874757, 'it': 0.055330131326505404, 'which': 0.04743231070368645, 'and': 0.04148932679552368}, {'the': 0.15278362352798833, 'a': 0.1316933116714737, 'of': 0.1125057628958313, 'to': 0.07146361979645953, 'and': 0.042976550069271244, 'as': 0.03416235911800944, 'at': 0.025756703096698176, 'in': 0.025622034583855636, 'for': 0.02180521111125633}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.251589691991667, 'the': 0.20876985834540548, 'in': 0.1327524710876206, 'to': 0.040104673249104286, 'and': 0.038358009392756166, 'for': 0.030066830333875944, 'a': 0.02837261470079233, 'In': 0.02566929898064636, 'The': 0.01789546722057158}, {'virtue': 0.046736661340142524, 'one': 0.036943385955834365, 'out': 0.027152683728438372, 'quarter': 0.025109691435987732, 'part': 0.020844957152098314, 'that': 0.017812394238825496, 'payment': 0.015216030967422802, 'tion': 0.012481170322132244, 'side': 0.0114213357361497}, {'the': 0.6404185964482025, 'The': 0.0754894359367246, 'an': 0.04671655555702728, 'that': 0.03714028770596401, 'whole': 0.029891739916088178, 'tho': 0.027959129140093276, 'this': 0.02494830765523597, 'and': 0.023285436152228996, 'a': 0.021614019233253425}, {'the': 0.1450524935836439, 'and': 0.10177379526547212, 'of': 0.07092498490510685, 'to': 0.06643859177010694, 'in': 0.043184033163470234, 'was': 0.040444756304387645, 'a': 0.037358609147802715, 'be': 0.034122654588659554, 'is': 0.024495922836782185}, {'<s>': 0.04320661971443566, '.': 0.024702408364123896, 'it.': 0.019959620233930414, 'them.': 0.018293044150422898, 'him.': 0.01648184390183375, 'it': 0.015138027528706638, 'Mr.': 0.014198081517557526, 'her.': 0.013463900779783107, 'me.': 0.011925897334427902}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'was': 0.1314976898481152, 'he': 0.12974193517985924, 'be': 0.12626205441025176, 'and': 0.1219278946633409, 'I': 0.0782789185972882, 'is': 0.06636639423122065, 'were': 0.04341149260224588, 'are': 0.040036377614623204, 'who': 0.03814130572407734}, {'of': 0.45930984680324316, 'in': 0.09283420029765864, 'to': 0.07563882439226449, 'and': 0.05715486913589891, 'by': 0.049060318323808264, 'from': 0.044761259114541624, 'on': 0.04380682035251107, 'at': 0.039549215932333584, 'that': 0.03568680392480112}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'there': 0.030094536109478213, 'mortgage,': 0.024343737687029254, ';': 0.02418857938034627, 'it,': 0.015043003690416659, 'cause,': 0.014395102099593205, 'mortgage': 0.010477784793260059, 'them,': 0.010168994094800824, 'States': 0.008511613976471792, 'you': 0.007662911547574984}, {'the': 0.2181793076407424, 'Mr.': 0.07857785193258426, 'of': 0.07295098089280648, 'The': 0.0637307994810779, 'and': 0.05885440013072087, 'that': 0.046435186239938524, 'a': 0.02853125724501091, 'his': 0.01870642531244085, 'Mrs.': 0.016344916628177258}, {'the': 0.599163104594592, 'of': 0.10516851524003393, 'an': 0.0851298648292661, 'The': 0.05553802544832123, 'and': 0.0297288901642021, 'tho': 0.027776550837486404, 'on': 0.017903658410327455, 'in': 0.017182754883912497, 'by': 0.014090038195123054}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.29803121454308795, 'in': 0.2680272356508464, 'to': 0.11660303209378677, 'In': 0.05965553908645903, 'for': 0.05795389640908757, 'by': 0.04877654369580539, 'with': 0.033777575344821995, 'that': 0.0327088882362302, 'from': 0.029799385703938936}, {'the': 0.43168832807705554, 'this': 0.31638220823343327, 'The': 0.0475475916787581, 'our': 0.033049707834307905, 'that': 0.031697895931754136, 'a': 0.030471317435178655, 'his': 0.025648846746664972, 'tho': 0.025428643929524136, 'whole': 0.020990622135715856}, {'out': 0.06577315556789659, 'number': 0.05518794517748338, 'amount': 0.049746946807109775, 'matter': 0.03699661240828733, 'state': 0.03273897711729173, 'point': 0.026075870550305802, 'time': 0.023200749026849633, 'day': 0.022992129825930945, 'kind': 0.02274874422397313}, {'the': 0.44331534353049257, 'a': 0.1085496759204277, 'of': 0.07333644437013143, 'and': 0.05369755038905096, 'in': 0.03897889184928857, 'tho': 0.02473925256754256, 'an': 0.024402743098241003, 'The': 0.01974794605588631, 'or': 0.01916156137378088}, {'and': 0.11351428024652795, 'that': 0.05476680567975612, 'as': 0.04662271163324648, 'which': 0.027641886212329173, 'the': 0.02736666901271361, 'of': 0.024941579900199635, 'but': 0.02393966406647771, '<s>': 0.023378083982674405, 'when': 0.021076972074116566}, {'of': 0.4008811188825475, 'in': 0.09400873552116384, 'all': 0.0921600366486065, 'that': 0.0786091606477023, 'and': 0.06679708295899908, 'with': 0.05373175538155206, 'for': 0.04985229982821398, 'to': 0.03783712235678537, 'as': 0.03527480883916779}, {'of': 0.1905529744127829, 'in': 0.13656923819218275, 'to': 0.1137795883294882, 'or': 0.09293100730639238, 'at': 0.08665399913189532, 'by': 0.08013464905287124, 'than': 0.06596826513246697, 'that': 0.05823142765714086, 'from': 0.05091995956675121}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'one': 0.028252165202069787, 'in': 0.0246273914776336, 'right': 0.022887063766608783, 'up': 0.02047684992707443, 'him': 0.01720423327282054, 'hundred': 0.017181441213565813, 'time': 0.01568127577529826, ';': 0.013119041754683482, 'good': 0.012108121011112192}, {'the': 0.14769387045269536, 'of': 0.09735251970532648, 'and': 0.07775578234292531, 'a': 0.06044250234964821, 'to': 0.05702729914450478, 'in': 0.05468088020727937, 'for': 0.030101292530227357, 'that': 0.02227323581521718, 'an': 0.019957299925395126}, {'is': 0.14988203389857752, 'and': 0.14697041163252644, 'that': 0.14033358614770108, 'by': 0.10739902908283797, 'have': 0.1037418931865504, 'had': 0.06148690911233744, 'of': 0.05920460567442309, 'was': 0.04993133364911656, 'has': 0.04523769429292932}, {'and': 0.11483369348407525, 'of': 0.10047689951025644, 'that': 0.03447470769872806, 'when': 0.03232881076569627, 'to': 0.031015780470557794, 'said': 0.030929720820496248, 'until': 0.01782012797483207, 'the': 0.016035201757566807, 'by': 0.013997187304848693}, {'the': 0.28263933752802767, 'of': 0.15472919230092255, 'his': 0.09462104917084349, 'their': 0.09044557331120799, 'and': 0.08141433301759131, 'a': 0.04454046188244351, 'its': 0.03557300514513146, 'an': 0.031925818838582254, 'her': 0.03157171346075219}, {'of': 0.1635545734499, 'at': 0.09985643937531573, 'to': 0.09768749620584305, 'in': 0.0824667435740941, 'the': 0.07455701056763507, 'from': 0.04952165537566223, 'on': 0.040630230801276146, 'and': 0.039593242232316445, 'by': 0.03526495758005096}, {'of': 0.22317175118602836, 'in': 0.12584488688099688, 'with': 0.09894097240452537, 'to': 0.08715197646400957, 'for': 0.08210239647038241, 'and': 0.07828816265929346, 'is': 0.06478469811756547, 'by': 0.05436364078662707, 'was': 0.049387669287294364}, {'the': 0.4053892544395428, 'of': 0.12933982538086072, 'a': 0.0999956009867391, 'in': 0.09077718957672147, 'said': 0.03760833741529456, 'other': 0.032963356929055006, 'and': 0.03174612579598244, 'large': 0.027852436800329644, 'two': 0.027251256617094544}, {'able': 0.07946232545156867, 'time': 0.07329605329071028, 'began': 0.0667855599507677, 'and': 0.06130808832833745, 'him': 0.05871576367302641, 'enough': 0.05549159909004124, 'is': 0.04630414110951521, 'as': 0.044942857133381475, 'right': 0.04403228829217572}, {'instead': 0.25156117913815945, 'Instead': 0.08359117228696442, 'capable': 0.05628263648712968, 'purpose': 0.03814232307065691, 'number': 0.02712092976856445, 'sum': 0.024566593484800274, 'amount': 0.02109378963434036, 'rate': 0.020282101458128084, 'question': 0.017047943740339612}, {'with': 0.1656499497242186, 'of': 0.1565441926824912, 'the': 0.15262779849495042, 'and': 0.1468973971664367, 'an': 0.09136228895172938, 'their': 0.04472577732146921, 'no': 0.044406929445182694, 'any': 0.036499751386084356, 'as': 0.030707323062311612}, {'and': 0.11973012760839932, 'as': 0.06759994716947477, 'time': 0.046823705193553965, 'order': 0.03447192651666278, 'power': 0.03434599999040875, 'necessary': 0.03300804081838383, 'right': 0.029873791371279136, 'go': 0.029347741588669728, 'is': 0.028594750937126375}, {'the': 0.16250232616920712, 'of': 0.10892375521105455, 'and': 0.07126665572107543, 'im-': 0.03028860067716929, 'a': 0.018966823763710183, '<s>': 0.017960644368704915, '.': 0.015223605732645322, 'for': 0.01472760016232398, 'two': 0.012745088841239862}, {'of': 0.20258273314141473, 'to': 0.12488731533810514, 'and': 0.07076429229891121, 'in': 0.0702843666937807, 'that': 0.05368388213904487, 'by': 0.043722222865885715, 'on': 0.04053429515604844, 'at': 0.0399581192211011, 'from': 0.03910954552718117}, {'it': 0.13216014438481535, 'they': 0.0928211916083531, 'he': 0.08982949402965837, 'and': 0.08410564538613395, 'you': 0.07892422553276554, 'I': 0.06553390087431546, 'It': 0.06283039555860712, 'which': 0.05762999888711495, 'we': 0.04541517583559252}, {'and': 0.18237199440640567, 'day': 0.16125496524099456, 'time': 0.09918216695300712, 'that': 0.06216236489319422, 'but': 0.04885613390511287, "o'clock": 0.023644439170771272, 'night': 0.022649446189202564, 'as': 0.02235697278946743, 'times': 0.021493416671859594}, {'in': 0.17067117559588776, 'of': 0.13768351118330988, 'to': 0.08919100597324091, 'with': 0.051258572553066116, 'from': 0.046583839808123834, 'for': 0.044095754265555856, 'on': 0.036822998700851595, 'and': 0.03635482409062127, 'In': 0.03434246261940174}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.23746960094327638, 'a': 0.1603747126525884, 'at': 0.09538930015585596, 'to': 0.08171291672621707, 'of': 0.07124767379287725, 'an': 0.04075080531613643, 'and': 0.03816861352080479, 'in': 0.03722961303299118, 'from': 0.024094221567439015}, {'the': 0.3209693053307692, 'this': 0.0971314037720675, 'an': 0.06908261226245031, 'of': 0.0541585788305413, 'and': 0.03477783687888681, 'The': 0.032963064026364834, 'a': 0.02630982210636706, 'in': 0.02021345779720718, 'tho': 0.013681679674726412}, {'a': 0.347863796549043, 'is': 0.1294632561211543, 'the': 0.12109713407116603, 'are': 0.08212907460209269, 'was': 0.07579801150421583, 'be': 0.06415869096371406, 'were': 0.031148040716668022, 'not': 0.030895565878268368, 'and': 0.027609836101572045}, {'that': 0.19334165128296624, 'and': 0.18742737884450153, 'but': 0.10569903914763065, 'as': 0.0761181804251399, 'which': 0.05807654670077377, 'if': 0.03936126387756893, 'when': 0.03767480503209417, 'where': 0.027471127676823876, 'But': 0.024854195042196804}, {'few': 0.18313980711802494, 'ten': 0.11662752501881857, 'thirty': 0.10725076580500664, 'several': 0.09428931669658847, 'three': 0.08915504472107909, 'sixty': 0.07502384777167923, 'the': 0.06677859500621415, 'twenty': 0.06468437379151226, 'two': 0.06322917721707969}, {'the': 0.4153715813387425, 'of': 0.14278664342732536, 'his': 0.045023652696248945, 'for': 0.03795621341920881, 'and': 0.03451473141550242, 'their': 0.03353775628041619, 'The': 0.030973360490904003, 'tho': 0.029000312323223382, 'all': 0.027288600377923758}, {'miles': 0.05322660362844436, 'and': 0.04336735704632754, 'away': 0.036055242150502355, 'came': 0.03282009384392693, 'feet': 0.03092551299395816, 'taken': 0.024757543037760687, 'come': 0.023664769091648122, 'up': 0.02325839396080091, 'far': 0.02115456533525839}, {'made': 0.12636249021129425, 'and': 0.07470733260170952, 'accompanied': 0.038824037219669656, 'held': 0.030344401973735915, 'ed': 0.03023111472796081, 'owned': 0.030025766240220107, 'shown': 0.029273129061814507, 'taken': 0.028563237398199322, 'given': 0.027590830746365373}, {'and': 0.18569381454991518, 'fact': 0.10393506610711478, 'so': 0.06967451981910423, 'is': 0.06911477515395813, 'know': 0.046425361367575455, 'believe': 0.041787597584202564, 'say': 0.03527656775681039, 'was': 0.029167338440311812, 'found': 0.026230062431132687}, {'the': 0.07259245178194126, 'Fifth': 0.05278462334673746, 'Lake': 0.049887920621310325, 'Pennsylvania': 0.04596912901016709, 'Central': 0.044258260500289644, 'Third': 0.0424843536356666, 'Summit': 0.040636687589805695, 'Jersey': 0.04034039051787498, 'Union': 0.03620525772202022}, {'that': 0.15870977012445436, 'which': 0.1195568683457765, 'and': 0.09439861792938231, 'it': 0.08883337060947553, 'he': 0.08631917899020967, 'who': 0.08186651900944902, 'It': 0.0602499577262639, 'there': 0.05958611104079454, 'never': 0.04100211319872757}, {'be': 0.2811447239125303, 'was': 0.171119203285458, 'is': 0.10147881244216081, 'are': 0.06902258099681562, 'and': 0.06369992728837119, 'been': 0.06296685219954846, 'were': 0.05221248092041505, 'being': 0.03519438768438166, 'he': 0.025408551687902892}, {'the': 0.11014633157086354, 'and': 0.08694334872511797, 'a': 0.06403776653451879, 'of': 0.05535064665062632, 'to': 0.052146595918779466, 'for': 0.028609987680683683, 'that': 0.02268434759950104, 'will': 0.01979724565378836, 'in': 0.01852283413180035}, {'the': 0.16249168065630878, 'very': 0.11411848076180177, 'of': 0.11336930240403677, 'a': 0.09363910744815376, 'so': 0.09247031771774689, 'feet': 0.0872549002758426, 'as': 0.08390165415290056, 'and': 0.06785609863659693, 'too': 0.04690483716192182}, {'and': 0.17647210397606578, 'the': 0.12161116810061752, 'is': 0.08912820428074618, 'an': 0.08061157213328463, 'was': 0.07351935727705795, 'are': 0.06625109458680759, 'be': 0.06380130521453722, 'that': 0.049770081218436416, 'been': 0.04465872267154229}, {'and': 0.11539150339319255, 'of': 0.08562338962146544, 'the': 0.07541554649525785, 'to': 0.05543944427910551, 'is': 0.041002127174564335, 'I': 0.032692997104538574, 'be': 0.031695356041364184, 'there': 0.030733681237053233, 'or': 0.030245365264200005}, {'of': 0.11236978399832441, 'the': 0.10110271589443369, 'a': 0.09953833560096223, 'and': 0.07445048819655238, 'to': 0.05695050694604457, 'for': 0.030193274436485635, 'in': 0.028923633824416053, 'that': 0.022196937295755424, 'at': 0.021737057926225198}, {'the': 0.18803941644709826, 'of': 0.11522818722431373, 'and': 0.08648341734776388, 'Mr.': 0.0474969010395837, 'a': 0.04095083319531486, 'to': 0.03040999167925858, 'The': 0.026234978086882004, '.': 0.0227308480603788, 'by': 0.020074567106117238}, {'and': 0.11452215755892058, 'well': 0.07481411183740515, 'regarded': 0.044520915474994587, 'him': 0.03786628897047342, 'known': 0.037459800295165345, 'soon': 0.03254924246086493, 'it': 0.03161827225121157, 'is': 0.029389233671880267, 'but': 0.028735635031666464}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.12396365964404574, 'be': 0.09694332685006692, 'I': 0.07402390284631045, 'was': 0.06854961596305739, 'he': 0.05716855368837374, 'have': 0.038767176229945424, 'is': 0.03493575553240475, 'had': 0.031156970658109597, 'has': 0.026427373998686488}, {'of': 0.15202065469256532, 'and': 0.0626536829735623, 'in': 0.04987089160537567, 'that': 0.041280547489044354, 'for': 0.03319513266177175, 'to': 0.02934069631826967, 'by': 0.014344492288447247, 'from': 0.013397449872112811, 'on': 0.01230007530219672}, {'a': 0.36285540220264517, 'the': 0.22715464435889351, 'in': 0.10821954111462752, 'of': 0.05962531539670931, 'and': 0.05266132697962136, 'no': 0.03953310722916298, 'for': 0.038721280896859625, 'his': 0.031385983544418385, 'with': 0.02767255400729485}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'the': 0.1363327137551684, 'of': 0.11940106454381733, 'and': 0.07062302517958688, 'to': 0.049970804758930704, 'a': 0.03019342711474226, 'Mr.': 0.02454051632466646, 'or': 0.019208123216613117, 'The': 0.0184652310052486, 'as': 0.018315956668010617}, {'the': 0.5111971912748263, 'said': 0.12417334736437335, 'of': 0.05548387249953867, 'tho': 0.022238574656948073, 'his': 0.02066954616948815, 'The': 0.015372634170248024, 'a': 0.013744211084249107, 'and': 0.012347016399436299, 'this': 0.010456322933501162}, {'it': 0.1292312220807304, 'and': 0.0903276731630698, 'they': 0.0704548053985986, 'I': 0.06975913378954728, 'It': 0.06447297777995399, 'he': 0.05730845422801756, 'you': 0.050078146138304844, 'which': 0.043306913831733365, 'we': 0.04175351399604046}, {'number': 0.08492864549965062, 'line': 0.04762310943413487, 'state': 0.039770301742436225, 'State': 0.026570216287348392, 'county': 0.023051514941411444, 'city': 0.02243319589294715, 'people': 0.019328812380462156, 'out': 0.018887663923901093, 'quarter': 0.018248662819629995}, {'the': 0.575454177917941, 'a': 0.16720970334451382, 'The': 0.07353168996478847, 'tho': 0.04114508805395159, 'and': 0.019089438395439702, 'any': 0.016190160248771856, 'tbe': 0.016079483557088665, 'this': 0.013184153560477705, 'great': 0.010975913372535461}, {'of': 0.19739831789586237, 'for': 0.14306813067077737, 'in': 0.12705436613439403, 'at': 0.10978484385219238, 'to': 0.08920561023991941, 'and': 0.06170332993636862, 'on': 0.050685556036879874, 'that': 0.03473461998777922, 'from': 0.032836044075779405}, {'one': 0.08921751374425257, 'out': 0.07112379952092995, 'part': 0.06167381209166008, 'some': 0.04424357509516522, 'account': 0.04386179152489113, 'any': 0.030316516135152728, 'all': 0.02652981212233094, 'that': 0.02551031471747086, 'tion': 0.022119047941123286}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'the': 0.36288244823429266, 'his': 0.13048051551392803, 'a': 0.11048425586621301, 'of': 0.041402480431742265, 'their': 0.04045197376731064, 'said': 0.0285593400463457, 'our': 0.026903125845464476, 'her': 0.02549007991116467, 'in': 0.019111777469911183}, {'of': 0.15472973590439715, 'is': 0.12377835725020604, 'was': 0.10671048231686624, 'for': 0.09343637950259369, 'and': 0.07599409087603627, 'in': 0.0725755823677704, 'to': 0.07078481601784069, 'with': 0.06289664093178844, 'as': 0.05866226153827508}, {'and': 0.17555452607111882, 'of': 0.13966531236112634, 'in': 0.0796303263184604, 'for': 0.07191764754036208, 'to': 0.0657404361869075, 'by': 0.052740622660648544, 'was': 0.034633801439189656, 'In': 0.034519948806906516, 'or': 0.03439485476714739}, {'of': 0.2952683716033948, 'in': 0.24530414760423186, 'for': 0.09653240316931089, 'at': 0.07001190393480812, 'In': 0.05631652743244707, 'by': 0.05380194584726605, 'with': 0.04005674872888103, 'to': 0.04001477837418445, 'that': 0.03626399676786061}, {'sum': 0.0161653430361888, 'out': 0.011087138753875033, 'amount': 0.010874436063812283, 'number': 0.01085683099149768, 'Board': 0.010500320281218112, 'day': 0.009895037655797547, 'line': 0.009699755172636314, 'county': 0.009592538350428802, 'purpose': 0.00839691649375748}, {'be': 0.20077827821133076, 'was': 0.17747244679912189, 'been': 0.1513307726631481, 'were': 0.08276644957226095, 'and': 0.07118230194268856, 'is': 0.04975440373192545, 'have': 0.049500135833170034, 'are': 0.04618480754834102, 'he': 0.04448760802830835}, {'provisions': 0.08073715935827591, 'copy': 0.0736391560682133, 'date': 0.06126785618911646, 'part': 0.060156443727493014, 'one': 0.05072927588670638, 'out': 0.046544744589770135, 'people': 0.04379595747442379, 'publication': 0.03754965700161905, 'members': 0.02629976277855684}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'of': 0.2523295071130921, 'in': 0.18754319844727185, 'to': 0.11233265647242203, 'and': 0.08489115318454701, 'with': 0.060090109412340845, 'that': 0.05757230990223292, 'on': 0.05109700496739243, 'for': 0.041250885693911825, 'In': 0.03640474055335061}, {'the': 0.5138998089799822, 'The': 0.07131060899562977, 'a': 0.06182742825743645, 'of': 0.05719441786795019, 'and': 0.04753658879009365, 'his': 0.036912840972556364, 'tho': 0.03059277449590229, 'in': 0.028858957337950325, 'for': 0.02731697108331696}, {'the': 0.571369080293462, 'a': 0.07291858204080075, 'tho': 0.04741204029957413, 'of': 0.04338836952453628, 'The': 0.040609757921435514, 'and': 0.036698022724167716, 'that': 0.020067864838088194, 'tbe': 0.019612136831225896, 'our': 0.016122407395335846}, {'the': 0.14405503559597282, 'and': 0.09424018509509673, 'a': 0.07291478086876158, 'of': 0.07043217808097171, 'was': 0.029958887160681912, 'be': 0.028456887325525124, 'Mr.': 0.027884954309819673, 'to': 0.024540246752134873, 'or': 0.020718365697126883}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'such': 0.17414710535758737, 'the': 0.13442392381501955, 'same': 0.11625681691323844, 'this': 0.08689969182144419, 'that': 0.07982385243511303, 'some': 0.07147855656628588, 'other': 0.06047185121634159, 'and': 0.054351559664833765, 'any': 0.04155228558146533}, {'feet': 0.12023234636659058, 'went': 0.07887041435085099, 'and': 0.05352362444200953, 'according': 0.052529034781337, 'go': 0.045450847838710055, 'them': 0.028321164997329274, 'him': 0.025907029417430564, 'sent': 0.02503028838773049, 'came': 0.019646759837876716}, {'the': 0.4104574441436773, 'The': 0.17001128222114237, 'a': 0.10829981311057003, 'this': 0.05203930580041736, 'of': 0.03887965972710162, 'This': 0.03553053288551062, 'and': 0.030049330134794196, 'that': 0.025875324103294954, 'his': 0.023356791304320185}, {'I': 0.17185122607251313, 'he': 0.13972552303882874, 'they': 0.11221069888105266, 'we': 0.10298389586684786, 'it': 0.08823616563350473, 'you': 0.06767546269762986, 'and': 0.044975417046852414, 'It': 0.03596833364279972, 'she': 0.03593488658241288}, {'of': 0.16864797059872605, 'to': 0.13666869968148013, 'and': 0.1310900538502624, 'in': 0.07821973245953123, 'by': 0.07333386048221764, 'was': 0.06420809483217714, 'for': 0.060588054275535465, 'the': 0.05026277416503063, 'with': 0.04483987547586774}, {'of': 0.1769601478367113, 'to': 0.17276292918060282, 'in': 0.10636440951158997, 'for': 0.0932292625723575, 'and': 0.0919773215077088, 'that': 0.08204179210864601, 'with': 0.0634857771610849, 'by': 0.051074580192951344, 'as': 0.03421048602929682}, {'as': 0.08706798559849671, 'and': 0.08429597524959578, 'right': 0.054344611787148334, 'go': 0.04797863049497142, 'made': 0.04761888298639105, 'time': 0.045892258471856594, 'subject': 0.042030184471361205, 'went': 0.04051372229545742, 'him': 0.03938616153775123}, {'the': 0.21088742850327727, 'of': 0.2081542675595478, 'and': 0.14375809474235518, 'to': 0.10079588504847113, 'a': 0.0747564688240806, 'by': 0.03769733952958842, 'for': 0.036409577706303216, 'in': 0.031740260018898424, 'with': 0.029464059841725156}, {'and': 0.23704366479471975, 'the': 0.12422373372901531, 'of': 0.08232330250571523, 'is': 0.04526567121854405, 'in': 0.04475909959319644, 'was': 0.040371850882070674, 'a': 0.03633008046620983, 'as': 0.03390857055934098, 'are': 0.030866581431888963}, {'the': 0.34063806892254045, 'last': 0.13578785230953555, 'at': 0.08227968768482383, 'Saturday': 0.057176626271807696, 'a': 0.0509570428421689, 'of': 0.04922385163212548, 'Monday': 0.04290291697365124, 'that': 0.036837341133650614, 'day': 0.030593895925803673}, {'was': 0.26908401327947407, 'is': 0.20305270562049554, 'are': 0.12115047885536133, 'were': 0.07192208375133308, 'and': 0.05271223118477894, 'did': 0.050511984452874914, 'do': 0.05019062603517287, 'had': 0.048246763550466795, 'could': 0.036609926029731746}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'the': 0.1607702290497034, 'and': 0.14430369998968426, 'other': 0.13394431745221957, 'all': 0.07055681956244268, 'this': 0.06151707927573758, 'these': 0.054064599100989916, 'of': 0.040468555465733344, 'that': 0.03881498464289964, 'by': 0.038573708872914274}, {';': 0.027595657292056697, 'it,': 0.021888004826342716, 'him,': 0.015269698369338405, 'him': 0.01504421547266667, 'them,': 0.012710990055937937, 'in': 0.01097839406898012, 'us,': 0.010559801783171587, 'time,': 0.008683447300658153, 'time': 0.00747590495046302}, {'it': 0.2173888030336093, 'It': 0.11838918750708176, 'there': 0.08864672269828419, 'and': 0.052479374129618485, 'that': 0.03493407720152663, 'which': 0.0318061668179374, 'he': 0.027388262063119753, 'more': 0.020521311666359603, 'one': 0.019871027111788047}, {'of': 0.20105934421168534, 'in': 0.17037257210185272, 'to': 0.17030333309631432, 'on': 0.09023438519657896, 'for': 0.07451677583559047, 'and': 0.06011300681966315, 'that': 0.059981088883521744, 'from': 0.04916575250099671, 'In': 0.040327802124851486}, {'the': 0.1388461835953038, 'and': 0.09589706130887433, 'of': 0.07847313331313889, 'a': 0.042237438957393354, 'to': 0.04166784961980351, 'be': 0.03650865505249058, 'Mr.': 0.036187130707933175, 'is': 0.026767722988442568, 'or': 0.02568805948090334}, {'and': 0.10849481517813313, 'held': 0.040529752759259255, 'was': 0.03774590827424388, 'that': 0.03593978595983958, 'it': 0.03525977080510981, 'out': 0.032446251281245696, 'up': 0.030943588806845414, 'people': 0.027204519219673953, 'him': 0.02657773564524894}, {'to': 0.748288250451247, 'not': 0.05200916554972207, 'and': 0.040860833684125145, 'will': 0.022756719139277213, 'would': 0.01963077472050228, 'may': 0.016079680360392905, 'of': 0.015804734190883532, 'shall': 0.012343789471690852, 'can': 0.011790478672555149}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.6422456497204012, 'not': 0.0915681254480461, 'will': 0.0552802986563224, 'would': 0.04296575511814059, 'and': 0.034384931417645266, 'can': 0.024253070906965702, 'should': 0.021071833243248347, 'shall': 0.018763457917045912, 'could': 0.018034177784465533}, {'of': 0.09839603783184116, 'and': 0.0958188970286471, 'to': 0.08745479992941609, 'the': 0.08653406409300442, 'in': 0.07174419812499744, 'for': 0.0364698945643269, 'with': 0.024216274323795004, 'a': 0.02071735881888368, 'In': 0.017110569065576384}, {'the': 0.14863737313803374, 'and': 0.12162037838177991, 'of': 0.07590011841739495, 'to': 0.05241293439885695, 'at': 0.04815344219505825, 'a': 0.046604248314733344, 'for': 0.03846524538077754, 'about': 0.02713808322578872, 'was': 0.025787071769355536}, {'and': 0.15418852484961684, 'of': 0.14729174075766388, 'to': 0.1136490101623533, 'know': 0.11334569305066543, 'see': 0.05226396818779297, 'or': 0.0514314647739515, 'but': 0.05095131021063903, 'is': 0.047532961043295525, 'in': 0.044843919397534224}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'he': 0.15092721294059014, 'it': 0.13971446544668475, 'It': 0.10939627550899454, 'and': 0.09257480893809586, 'I': 0.06771221556876938, 'He': 0.06242372167920607, 'which': 0.05495731341672442, 'there': 0.048187088416455484, 'she': 0.04316330383259589}, {'the': 0.38635228080729445, 'a': 0.09156334196167565, 'of': 0.07852832410908553, 'to': 0.03694528665918695, 'The': 0.02930537669463086, 'in': 0.02460877321946035, 'and': 0.02193337632884988, 'tho': 0.01736496035759116, 'that': 0.014333709343023122}, {'a': 0.23566364172138743, 'his': 0.21792193463101595, 'her': 0.11348018215051414, 'my': 0.0680347061811126, 'the': 0.06577891904149541, 'their': 0.036757984543125864, 'and': 0.02326992687663211, 'was': 0.01883648457291167, 'your': 0.013793409224224404}, {'the': 0.44331534353049257, 'a': 0.1085496759204277, 'of': 0.07333644437013143, 'and': 0.05369755038905096, 'in': 0.03897889184928857, 'tho': 0.02473925256754256, 'an': 0.024402743098241003, 'The': 0.01974794605588631, 'or': 0.01916156137378088}, {'the': 0.423397536873764, 'and': 0.10426438471794122, 'a': 0.09385312825389522, 'Prime': 0.045008173398867424, 'The': 0.0410864910710872, 'tho': 0.03415101605107177, 'of': 0.026292613963970316, 'or': 0.017814290561336273, 'tbe': 0.015290342013299098}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.30037180352852133, 'a': 0.15006314840469703, 'and': 0.09051979707778086, 'or': 0.06092941779186694, 'any': 0.05430046098119111, 'that': 0.04884274863262129, 'other': 0.04076471805341424, 'some': 0.038110450235288765, 'his': 0.03698662068963952}, {'of': 0.1553558829287554, 'the': 0.12826525210563094, 'and': 0.04972487068236977, 'to': 0.032926863871219084, 'a': 0.03025003629081007, 'at': 0.02525938907711921, 'on': 0.024136892285684063, 'in': 0.021470987056387145, '.': 0.018953028815276687}, {'the': 0.17240430270210602, 'a': 0.11712244870615365, 'every': 0.05145101623872098, 'next': 0.050504109679659605, 'one': 0.04741382448998722, 'that': 0.04496613122202078, 'first': 0.04328543681428843, 'this': 0.03857057056005994, 'to-': 0.031046134280038152}, {'have': 0.3493742852818576, 'has': 0.2849246330720456, 'had': 0.21549071485678375, 'not': 0.048570157847530084, 'having': 0.03558493682957184, 'never': 0.014832366445857234, 'ever': 0.00822743398984773, 'lias': 0.008058764429260477, 'bad': 0.0077366136150228935}, {'to': 0.11032930493935608, 'the': 0.10808801942558408, 'and': 0.10585990876899179, 'of': 0.08465937593229254, 'in': 0.03357921122641276, 'a': 0.02894796934216075, 'not': 0.01984778500098046, 'I': 0.016850603092794177, 'be': 0.016357541665608457}, {'him.': 0.03434985009695384, '<s>': 0.029670847042927256, 'it.': 0.022954053044480442, 'them.': 0.015046969576113869, 'years.': 0.012875340189494837, 'time.': 0.010507578608303302, 'life.': 0.010477799450057876, 'himself.': 0.010450032219977357, 'and': 0.00977467970776177}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.16016277702568155, 'he': 0.15483178074452508, 'I': 0.08284947976599194, 'they': 0.08077250556914772, 'be': 0.05217837635801505, 'who': 0.04533216659659431, 'have': 0.042031472435126324, 'which': 0.03872722200914878, 'we': 0.037358456302549886}, {'the': 0.8212647084755663, 'tho': 0.02967493368805302, 'this': 0.02640531264624175, 'a': 0.018021115044162074, 'The': 0.0143018581451737, 'and': 0.012390440645617241, 'tbe': 0.010163892408020049, 'of': 0.008072793363458085, 'our': 0.007484827322098178}, {'and': 0.08213079972801327, 'able': 0.06439129330609981, 'order': 0.06151941035238775, 'him': 0.05327494304662807, 'is': 0.05234560542986731, 'was': 0.04976311665320131, 'time': 0.04936093197534136, 'had': 0.047209006194783916, 'as': 0.04655753168574065}, {'the': 0.693764969427873, 'an': 0.12238736515340704, 'tho': 0.03261222649266725, 'The': 0.029911389268723047, 'of': 0.025565449578711645, 'and': 0.020995209255333255, 'to': 0.01922047191531031, 'a': 0.014211211198483948, 'tbe': 0.01408363751676526}, {'and': 0.14355603852020413, 'of': 0.10016182433857919, 'the': 0.08154421476220365, 'a': 0.05343023638353366, 'to': 0.04921017810641408, 'was': 0.03794063878423518, 'in': 0.033671280166178506, 'be': 0.02789786502869828, 'he': 0.024784457024832014}, {'to': 0.5620608965817212, 'will': 0.14516850177017798, 'and': 0.050565354250163765, 'shall': 0.050316140693152205, 'would': 0.0376892240484231, 'not': 0.033731561538574706, 'should': 0.02627522251119705, 'we': 0.023390677964659046, 'must': 0.021520705966402126}, {'to': 0.3728554760768977, 'will': 0.19336777893052087, 'would': 0.09683156027048137, 'shall': 0.07269388223014703, 'should': 0.06216918765559805, 'may': 0.06052508718904078, 'not': 0.04109175884943825, 'must': 0.0353758433267561, 'can': 0.017090585996228185}, {'the': 0.26090844815432945, 'of': 0.25885847732101114, 'and': 0.12344635851217443, 'a': 0.036812844967843476, 'in': 0.03368140916626084, 'for': 0.02508096674373629, 'The': 0.02134046817489289, 'with': 0.01924416821269579, 'to': 0.017496091803810437}, {'get': 0.07173213841506879, 'was': 0.06759495288640666, 'and': 0.06561624249602109, 'him': 0.05191804352667103, 'it': 0.050055576730890734, 'them': 0.04759245041696305, 'are': 0.04655608701837469, 'go': 0.04289741385980777, 'come': 0.040389983849953646}, {'be': 0.22711716523386924, 'been': 0.10917565272148262, 'was': 0.08423687458845466, 'and': 0.08242073592808984, 'is': 0.057296283919157136, 'are': 0.039108711317877624, 'were': 0.037029578132307284, 'case': 0.03229453832250293, 'being': 0.030527902923870982}, {'to': 0.4287270070676037, 'and': 0.13150525635022817, 'you': 0.04798142226982726, 'I': 0.04615821263583247, 'not': 0.03804082000762512, 'will': 0.027656967874501753, 'they': 0.026282676848903574, 'we': 0.023803669229531095, 'may': 0.021785295505685486}, {'in': 0.23575081631517647, 'and': 0.13957060516961003, 'of': 0.10768491201809824, 'to': 0.09059212516202354, 'that': 0.06599695617545151, 'almost': 0.06453246530566908, 'In': 0.05513319207712378, 'with': 0.052259759055432446, 'on': 0.04871636734298729}, {'the': 0.4507364181553844, 'a': 0.22800097394715507, 'in': 0.11188271000494036, 'In': 0.03583808834917829, 'and': 0.028779929781863486, 'The': 0.026550964900168908, 'tho': 0.0248066434159826, 'of': 0.020114088985999177, 'great': 0.0111681386458331}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'the': 0.4582661788095602, 'a': 0.11524783738280081, 'and': 0.07253529642338016, 'The': 0.048137672216379095, 'tho': 0.025452093821799717, 'general': 0.021384537401130162, 'or': 0.018448426747937348, 'State': 0.01651684275479151, 'first': 0.011702079258102668}, {'to': 0.3539242195949204, 'can': 0.13654279513257486, 'not': 0.09947218903508577, 'may': 0.08293475443223836, 'cannot': 0.08046482297334143, 'could': 0.06174218061360987, 'will': 0.05489449545348361, 'would': 0.038259263147738906, 'and': 0.03552442920707208}, {'the': 0.47090038159367725, 'a': 0.10223625761268607, 'every': 0.08655925916066336, 'this': 0.07938060851467763, 'great': 0.03744967696755446, 'in': 0.032305793636474726, 'tho': 0.02883860493139963, 'first': 0.026196844115930304, 'and': 0.025799862424650315}, {'and': 0.08555423368323863, 'was': 0.07992808808736851, 'is': 0.061716852448525684, 'be': 0.054690419484767466, 'are': 0.05121649318076771, 'it': 0.03718390284981107, 'were': 0.03422264674986696, 'been': 0.03047995096931891, 'engaged': 0.02822472074360112}, {'an': 0.6795073636705764, 'the': 0.12467329830206743, 'this': 0.030053809139502154, 'in': 0.02564126762642539, 'and': 0.02021005598127144, 'of': 0.017850358817787286, 'his': 0.011903924121826044, 'to': 0.010586757673856735, 'An': 0.009992174521454188}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.5235106107967104, 'of': 0.07485787125960808, 'The': 0.047020863632363186, 'American': 0.045216565113302104, 'colored': 0.039041558578363764, 'young': 0.03676278676323472, 'our': 0.036113290567687924, 'and': 0.03492705654650229, 'many': 0.030522153645269848}, {'that': 0.2539879915049106, 'and': 0.14066295552900968, 'as': 0.11687814999139992, 'but': 0.05937294590455938, 'which': 0.05738491435074737, 'if': 0.03728472625713138, 'of': 0.028607663843143435, 'what': 0.023200479805818224, 'though': 0.022573973998909144}, {'per': 0.297398989145338, 'a': 0.2786203193510046, 'the': 0.0683154056460928, 'one': 0.06342271459227945, 'and': 0.016717923242427962, 'A': 0.01215514567146047, 'each': 0.012129690887611077, 'to': 0.011232449027873901, 'his': 0.011012577802015646}, {'and': 0.22172041978657636, 'of': 0.09134220905839839, 'so': 0.04483288775665079, 'is': 0.0440885038727134, 'but': 0.03836005796681971, 'fact': 0.033552411827115255, 'was': 0.03035036258793255, 'all': 0.029474341755359162, 'in': 0.026908725215091106}, {'that': 0.3337090302581562, 'and': 0.12295515077949531, 'which': 0.0947220658866893, 'as': 0.043183378908770116, 'when': 0.03186308171137518, 'but': 0.02804724796383502, 'w': 0.027255534619617546, 'if': 0.025350036815234622, 'where': 0.021068020029851545}, {'man': 0.13120221027560458, 'those': 0.10382835597846808, 'men': 0.08955015175024461, 'one': 0.04587505621125103, 'and': 0.039471563117099616, 'woman': 0.03148302507214179, 'all': 0.0275438662909248, 'people': 0.022624552330763298, 'person': 0.021142646900243922}, {'the': 0.10573834860566894, 'of': 0.09752795709907962, 'and': 0.07892558690816347, 'to': 0.05565417477124123, 'in': 0.03896861600914859, 'a': 0.03728471318676053, 'Mr.': 0.03393273678865753, 'was': 0.03287088524193155, 'be': 0.022113244940730716}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'with': 0.1656499497242186, 'of': 0.1565441926824912, 'the': 0.15262779849495042, 'and': 0.1468973971664367, 'an': 0.09136228895172938, 'their': 0.04472577732146921, 'no': 0.044406929445182694, 'any': 0.036499751386084356, 'as': 0.030707323062311612}, {'able': 0.09286287957130887, 'enough': 0.06548292162233135, 'order': 0.06356236996738905, 'and': 0.060702002242487556, 'right': 0.05874791641163941, 'is': 0.0587214371346226, 'unable': 0.05615720994294649, 'began': 0.0511445913818685, 'ready': 0.050591687776039625}, {'and': 0.13191799852190805, 'the': 0.09681726203324782, 'of': 0.07995663143760022, 'to': 0.039007622143298296, 'that': 0.028525828506906263, 'a': 0.023210651269086485, 'in': 0.02229155507304876, 'which': 0.021199940302263444, 'will': 0.019588151779113185}, {'the': 0.16697856281541437, 'of': 0.1003339393685195, 'and': 0.06984882915458458, 'a': 0.04488922607479607, 'to': 0.04088830265533055, 'his': 0.02565176292788663, 'be': 0.024770586036043842, 'my': 0.02346016304184917, 'I': 0.02178897985406721}, {'was': 0.10621943521544505, 'and': 0.09356365436012005, 'by': 0.09153263839928262, 'or': 0.08135992249691637, 'in': 0.0689761242085135, 'of': 0.0643797331122652, 'is': 0.05701063825967756, 'the': 0.05374249758826305, 'are': 0.04964900967417515}, {'it': 0.15174525935112884, 'he': 0.09586485403744031, 'It': 0.09159328310927448, 'which': 0.04977887991096767, 'who': 0.04631530896050703, 'and': 0.04432162924157216, 'He': 0.03480932057014113, 'be': 0.027165233655067653, 'that': 0.02191532277449516}, {'and': 0.14121107302512664, 'of': 0.08275310204629747, 'the': 0.07278608537243593, 'to': 0.05126892104322902, 'was': 0.03579261821096721, 'that': 0.033004962118793085, 'is': 0.03006023870254508, 'he': 0.02750260336558224, 'be': 0.02610367794676403}, {'the': 0.12055541092024216, 'and': 0.09709712986392757, 'of': 0.07236196540320797, 'to': 0.07103464624088203, 'a': 0.06876185090011978, 'be': 0.049640258180551386, 'was': 0.047674638170893874, 'is': 0.03584089347281521, 'in': 0.024073105282314253}, {'the': 0.13045574973007718, 'and': 0.08887738586436343, 'Mr.': 0.0633076075246391, 'of': 0.06269396460974119, 'was': 0.041079144450103376, 'a': 0.0290645304236861, 'he': 0.025999608164865552, 'The': 0.025377176630706415, 'be': 0.021566717564139287}, {'be': 0.4120725820453308, 'was': 0.1827497458826638, 'been': 0.11674229505521008, 'were': 0.05235249913944506, 'is': 0.04396102871252414, 'not': 0.04321705332970834, 'are': 0.036913455947227086, 'ever': 0.02646177193176848, 'bo': 0.022105570040379805}, {'it,': 0.01489435360037997, 'them,': 0.012744505912674443, ';': 0.011823160919429575, 'years,': 0.008549070385926113, 'him,': 0.008518685200694744, 'it': 0.00722295356993262, 'them': 0.007074186365887516, 'here': 0.006957938686396745, 'time,': 0.006856176490151589}, {'of': 0.14728023991401698, 'in': 0.11502999018734572, 'for': 0.11323042891715587, 'to': 0.08623691240423477, 'is': 0.08502132214748959, 'was': 0.08477514774824063, 'and': 0.07103133795187104, 'with': 0.06979478890635415, 'as': 0.06974451900052549}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'-': 0.05524673232181523, 'ai': 0.05403891620384869, 'the': 0.03530856336238237, 'a': 0.031710312845590866, 'at': 0.02349628929941995, 'to': 0.022690148296880222, 'I': 0.02039319230462786, 'in': 0.018755882024376624, 'of': 0.01799154970624962}, {'to': 0.7267257700693185, 'can': 0.04040714325913084, 'will': 0.037672635989598954, 'and': 0.028284788170898217, 'not': 0.025533519458823237, 'would': 0.020336802944020328, 'To': 0.014868132495312467, 'could': 0.013948803194929662, 'may': 0.011230653179611819}, {'the': 0.7577996473360998, 'The': 0.05077447400627835, 'tho': 0.0364374135754115, 'and': 0.024808931355659036, 'a': 0.0206157596350278, 'tbe': 0.01427264110730773, 'of': 0.012600789324706404, 'his': 0.009875768055236048, 'in': 0.00938784155137008}, {'that': 0.27306945977090696, 'which': 0.11406957757480359, 'and': 0.11126206029112405, 'as': 0.10776641730860566, 'if': 0.05431164159787092, 'said': 0.040168920862104975, 'when': 0.03266091283863275, 'but': 0.02949068442417279, 'what': 0.020430766837500995}, {'of': 0.13321952236242876, 'the': 0.08726651166314513, 'to': 0.06409578274814172, 'and': 0.05059836017273745, 'in': 0.0469940659803187, 'his': 0.030395415218068406, 'for': 0.0281712690141675, 'be': 0.0222959773724041, 'a': 0.022182225215290462}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'he': 0.1567544532543673, 'who': 0.1113964501232211, 'which': 0.0990784154274578, 'they': 0.08224332976568315, 'it': 0.07610300502660913, 'that': 0.0648251738952421, 'I': 0.052608625393135565, 'there': 0.04462407111357327, 'she': 0.04310565680315067}, {'of': 0.16492240492575125, 'and': 0.10340341175984664, 'the': 0.08260044196457242, 'to': 0.0550083456271144, 'a': 0.051935832790481654, 'for': 0.029388222405973292, 'that': 0.027289407269824893, 'in': 0.025147056512783848, 'by': 0.024862986347724852}, {'the': 0.23085923914093792, 'other': 0.18806981411627802, 'of': 0.16708810902567423, 'all': 0.11564121353428693, 'such': 0.04245630457976736, 'their': 0.03276987300153933, 'to': 0.03229868054798659, 'any': 0.028656136996535332, 'these': 0.023062092355458905}, {'of': 0.33042249195574863, 'and': 0.08236081260381344, 'to': 0.08086866532384318, 'that': 0.07583611359614298, 'in': 0.06935183031415422, 'with': 0.062270398124223615, 'by': 0.06018596363318327, 'from': 0.03724415737730093, 'on': 0.03495595480178654}, {'and': 0.1262637558862683, 'the': 0.11082283278098501, 'of': 0.0555290306120445, 'to': 0.049374995399985154, 'he': 0.02939001988011627, 'for': 0.02538832197547217, 'in': 0.024263631193028552, 'will': 0.0241695471832526, 'be': 0.023254901372846255}, {'the': 0.5734076744271018, 'of': 0.0667984635466171, 'in': 0.057493842713532015, 'and': 0.05314462215054731, 'The': 0.0303096816999647, 'tho': 0.03022036413241471, 'In': 0.018520070626642574, 'that': 0.010394578265465715, 'tbe': 0.010109438766796264}, {'of': 0.19749673406312174, 'the': 0.10627086855396967, 'in': 0.06132666662054425, 'to': 0.058776636553760524, 'and': 0.046517031438956746, 'a': 0.039957329732510156, 'on': 0.024749163997337977, 'for': 0.019427769507215874, 'at': 0.018153827666280646}, {'of': 0.18381479250007995, 'in': 0.14294690446880137, 'and': 0.08335205312499609, 'was': 0.0506090401323586, 'In': 0.04599181868636646, 'to': 0.04456594008565131, 'on': 0.04330096785329985, 'is': 0.03618967215454452, 'by': 0.03437954830836235}, {'and': 0.18397294223063082, 'of': 0.13857415563814185, 'in': 0.10495949729789938, 'was': 0.08477709220064407, 'are': 0.07089263916956703, 'be': 0.04733592358945629, 'been': 0.046029907746131485, 'is': 0.044340196908483044, 'were': 0.04085868471981173}, {'the': 0.6741742052106624, 'a': 0.05914412592777419, 'his': 0.046800531680825964, 'tho': 0.02690540451182055, 'The': 0.025845432733314043, 'of': 0.023243354691647438, 'their': 0.020270239003275802, 'my': 0.013975356518067606, 'this': 0.011250126246406759}, {'the': 0.1931334775182264, 'and': 0.15715943285161935, 'he': 0.06639573929441622, 'was': 0.06382402672182362, 'be': 0.04966960576016815, 'I': 0.048623828956737086, 'were': 0.03557182151649623, 'The': 0.0343401782285658, 'had': 0.03131814913493298}, {'the': 0.31337464638861817, 'of': 0.05976618729065534, 'and': 0.037756169145155956, '.': 0.025369590181728196, 'The': 0.023850828672689704, 'said': 0.02218514468571287, 'tho': 0.019165085458404646, 'in': 0.015789065472710882, 'Mr.': 0.013766790648565137}, {'feet': 0.6065990399876122, 'chs.': 0.0457059089581043, 'went': 0.02249350371693597, 'ft.': 0.016446565384609375, 'chains': 0.01473951345376683, 'right': 0.012990496741125486, 'and': 0.01275870508437807, 'feot': 0.012019672802584756, 'down': 0.011476795348671975}, {'know': 0.16064065758115506, 'of': 0.14375330316245727, 'to': 0.09366943283620113, 'in': 0.08462068430258751, 'and': 0.07386785702649294, 'see': 0.06899192451213752, 'with': 0.049401128883933575, 'matter': 0.04886837075848054, 'for': 0.0482104910493518}, {'the': 0.2856837360786316, 'a': 0.21095682324832674, 'to': 0.09949202207988506, 'and': 0.03493257107231911, 'his': 0.029027006114592427, 'their': 0.0249895684510698, 'this': 0.02444600466327115, 'The': 0.021098674781875257, 'its': 0.018639679284546403}, {'with-': 0.352066272691869, 'and': 0.06165852700349506, 'find': 0.05644290690596935, 'with¬': 0.051752394023788895, 'went': 0.035925722510442286, 'with\xad': 0.034111719646801375, 'set': 0.033576461393062855, 'carry': 0.029702907495416712, 'go': 0.029307591964142832}, {'would': 0.17779945024720675, 'to': 0.13384596995467807, 'who': 0.09657872772678129, 'they': 0.0801186691780261, 'I': 0.07157673832643867, 'which': 0.06175441121608197, 'must': 0.053300013979569974, 'might': 0.04794046605735594, 'shall': 0.04304524252072327}, {'the': 0.615353076496389, 'The': 0.09455741689532196, 'a': 0.0541170087305984, 'of': 0.041012763510533366, 'tho': 0.03216941598747916, 'and': 0.02319376060058918, 'in': 0.017833730970670716, 'by': 0.011014521682290205, 'tbe': 0.01038675776608157}, {'more': 0.20266468220829734, 'of': 0.07355982943266848, 'the': 0.0536723255789904, 'to': 0.05362294783366974, 'less': 0.048865827170600076, 'and': 0.043130065645884196, 'for': 0.04206210908701866, 'greater': 0.04115417431478699, 'better': 0.03146473790636537}, {'as': 0.23601120845359547, 'be': 0.17028664486169023, 'is': 0.09616092160897383, 'and': 0.06917794770902394, 'are': 0.062139824911979, 'was': 0.045640600935697474, 'herein': 0.035750438054166354, 'manner': 0.03504878300481709, 'been': 0.032492065691067044}, {'of': 0.15858848964108424, 'in': 0.13138611976470713, 'with': 0.09236708940431995, 'is': 0.08255328137234434, 'was': 0.0731483776975771, 'to': 0.07231399091400287, 'as': 0.0644749092725995, 'by': 0.05631867167871906, 'and': 0.0540879730030895}, {'it': 0.13658167586337025, 'which': 0.12001920240972701, 'It': 0.11782804746711427, 'that': 0.078280563328333, 'who': 0.070133317669197, 'he': 0.06995204226584692, 'there': 0.05496290335222193, 'and': 0.0343987140609245, 'There': 0.029626703982828646}, {'right': 0.0640946773620986, 'and': 0.06405797229525752, 'able': 0.05786218084396369, 'order': 0.05375560843318875, 'made': 0.04926587618807124, 'began': 0.04231196859782699, 'go': 0.035651188248830894, 'as': 0.035371775567767785, 'necessary': 0.035272978030194184}, {'of': 0.172920706740396, 'and': 0.07931698608287721, 'the': 0.07784779790314088, 'for': 0.06719515658837467, 'on': 0.047644478989502345, 'from': 0.03029224248877505, 'to': 0.026649730576080322, 'about': 0.025202985622127264, 'feet': 0.015162489465107615}, {'<s>': 0.0698571279451497, 'of': 0.05725237089801731, 'and': 0.05013193309434557, 'that': 0.04688225723787822, 'for': 0.043662050048352455, 'to': 0.04134984889565297, 'as': 0.03635940622905077, 'in': 0.01824289463142866, 'but': 0.017858143527666015}, {'the': 0.11562948651038152, 'of': 0.08841044234381995, 'and': 0.07169999842702947, 'a': 0.027151127487894625, '.': 0.02128968676304604, 'The': 0.016755401464187508, 'in': 0.014976687373682409, 'at': 0.013865088976733954, '<s>': 0.013707819907856605}, {'it': 0.21451312338537318, 'It': 0.10826202947063722, 'as': 0.098218196316048, 'which': 0.09590492234201907, 'that': 0.07988959936613527, 'they': 0.059698887413628395, 'there': 0.042394582218303986, 'and': 0.032923399960012464, 'he': 0.030568284314665725}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'of': 0.3367754289661605, 'in': 0.11396015787698215, 'to': 0.09281519941340136, 'and': 0.08527622330912815, 'that': 0.061971225107270794, 'with': 0.05428038995994727, 'for': 0.05409371886030121, 'by': 0.04600800098481496, 'from': 0.034796041094525276}, {'know': 0.15241991629009424, 'of': 0.12797709406597668, 'and': 0.12016324828916211, 'to': 0.08326592729665137, 'or': 0.06546334493092515, 'see': 0.06056494026575756, 'do': 0.0413951257764749, 'with': 0.03794738713329612, 'for': 0.03518340368976012}, {'seems': 0.13431690408228167, 'ought': 0.10890479757358001, 'seemed': 0.07642843465551846, 'seem': 0.07599367665256034, 'and': 0.062007970928987056, 'is': 0.056173517663222816, 'said': 0.05507407913071684, 'supposed': 0.04774571584109249, 'not': 0.04620083060557724}, {'of': 0.37162617586320873, 'in': 0.24938775663962767, 'to': 0.08749792677256422, 'In': 0.06492369994785344, 'from': 0.0423061603777628, 'and': 0.034411256075488277, 'South': 0.02976078695769701, 'for': 0.02684455796452015, 'with': 0.018514329565633904}, {'he': 0.17654709855515255, 'it': 0.08666391596695677, 'that': 0.08628816278624224, 'which': 0.06447543124499445, 'who': 0.06021256612445373, 'and': 0.057546265497624496, 'I': 0.0541742272841899, 'they': 0.04792742299117744, 'It': 0.039386854510721304}, {'and': 0.054111687695645186, 'well': 0.04153707918099797, 'known': 0.022679849224857808, 'far': 0.022485704797134895, 'that': 0.015208730237853461, 'in': 0.012460431231464198, 'made': 0.011688826648738541, 'as': 0.011545239947369685, 'it': 0.010746532872831763}, {'of': 0.2411674553705098, 'to': 0.10541479548495745, 'and': 0.0917949036755398, 'in': 0.07835316119816446, 'by': 0.03710345460525217, 'for': 0.030614817405106024, 'all': 0.030078126940523066, 'with': 0.027498286906236635, 'In': 0.017278980914623984}, {'and': 0.12176237078080446, 'to': 0.10296733238983034, 'of': 0.09613621447481703, 'the': 0.06881876546960433, 'I': 0.02236830034001248, 'in': 0.019164103093099034, '<s>': 0.01874783747188053, 'a': 0.017885911331501116, 'for': 0.016522006272008852}, {'the': 0.19366663680514382, 'and': 0.08128113731918163, 'a': 0.07212575929639982, 'of': 0.06672986838020205, 'to': 0.06478510233452361, 'so': 0.03284227220056475, 'is': 0.030619253841453187, 'in': 0.02730485862360423, 'be': 0.023414326482796212}, {'the': 0.15743840275573487, 'Deer': 0.1435206594659339, 'Grand': 0.09826536234672813, 'said': 0.08511649715051142, 'of': 0.05497104032447594, 'sub-': 0.026630007335143525, 'or': 0.020838621828216455, 'and': 0.01885382114628388, 'street': 0.01816023255071331}, {'I': 0.23638719809198633, 'we': 0.15241142828316145, 'they': 0.12759853246364997, 'who': 0.09354036583691605, 'We': 0.08715165325920356, 'you': 0.0465352630492191, 'They': 0.039747990148711665, 'would': 0.03723589231373672, 'to': 0.03583906055669742}, {'the': 0.13531203261649855, 'of': 0.0847436694496879, 'and': 0.07363370845033344, 'to': 0.06053934613010973, 'a': 0.026358419187810428, 'that': 0.020852179781607045, '<s>': 0.01636640117660114, 'The': 0.014754520243679611, 'in': 0.013075494800169318}, {'the': 0.15728601425375424, 'and': 0.0919903134475224, 'of': 0.06033629171908662, 'in': 0.046544493285658066, 'to': 0.03284216993703257, 'for': 0.0317731725208262, 'that': 0.03125718424420181, 'or': 0.025511861308711224, 'be-': 0.024521008381874706}, {'and': 0.18308994022365666, 'of': 0.060073948849789324, 'so': 0.05615095690354132, 'said': 0.055548957892226115, 'fact': 0.052281749571330104, 'to': 0.03905389674081445, 'all': 0.03425473534016139, 'is': 0.03392002270930705, 'given': 0.0309299419886937}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'and': 0.08736132532535565, 'it': 0.04566069899870009, 'not': 0.0404901530653025, 'him': 0.03390161462914917, 'was': 0.03057402856861327, 'there': 0.029392684386509008, 'is': 0.028989154618058795, 'but': 0.027237551909176084, 'that': 0.024007420412140407}, {'and': 0.23245337401542204, 'be': 0.17005830502396369, 'he': 0.10006363991422994, 'was': 0.060338073814603876, 'is': 0.05919533612745745, 'have': 0.04512157446843135, 'who': 0.045010975852916565, 'they': 0.04420705347441101, 'been': 0.03489071578229319}, {'as': 0.2134085325149352, 'is': 0.16810542509531248, 'was': 0.10509320319717623, 'be': 0.0961588709944136, 'and': 0.09088398549530789, 'not': 0.05613296340780936, 'are': 0.049425016213558874, 'been': 0.032304857560393134, 'Is': 0.025546467161042728}, {'the': 0.16865219497074638, 'in': 0.10067311879109828, 'of': 0.0728280319980982, 'and': 0.06497297884322586, 'a': 0.04948682649160133, 'to': 0.04322806053291282, 'that': 0.03428066343991948, 'any': 0.030138227862724576, 'for': 0.027930634147273394}, {'be': 0.2555795354295046, 'is': 0.20127892964416597, 'was': 0.07993502679157005, 'and': 0.05333718968980941, 'been': 0.044655461563373154, 'are': 0.03951452841814512, 'of': 0.039423401367841254, 'not': 0.039099332690476246, 'so': 0.03821988624416258}, {'of': 0.20478292933224335, 'to': 0.1247920856867447, 'for': 0.08483727451491758, 'and': 0.07025255171897778, 'by': 0.06955661685972396, 'with': 0.061218306627279645, 'that': 0.05540111013460495, 'in': 0.05463009751590922, 'as': 0.048849789616998714}, {'the': 0.19663354974276687, 'of': 0.1700615563463147, 'hundred': 0.08827840601328688, 'many': 0.05890678886817954, 'and': 0.0564775887406378, 'few': 0.056341046746468205, 'two': 0.05590534691209808, 'thousand': 0.0521266669690159, 'by': 0.04257245025061876}, {'number': 0.0745095010887369, 'piece': 0.06426161164083896, 'line': 0.05355016491337953, 'kind': 0.04266222243316108, 'sort': 0.039477396365148035, 'amount': 0.03701754529248448, 'board': 0.03348644671242821, 'Board': 0.0313672562520528, 'years': 0.027295657378913343}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.7970868771786456, 'The': 0.05548952914246392, 'tho': 0.03368768834818274, 'a': 0.032488072571783544, 'tbe': 0.013008492898260038, 'this': 0.009370944782189031, 'and': 0.007779016099070438, 'an': 0.006055641287261397, 'in': 0.00504285561545212}, {'be': 0.33898204848700547, 'was': 0.18756760461609537, 'is': 0.0754663820145133, 'been': 0.0677041776673055, 'were': 0.06465525892714793, 'and': 0.053023634270019104, 'are': 0.04918837604885141, 'being': 0.022460016708406708, 'he': 0.02045557858895918}, {'of': 0.08898890549679708, '.': 0.06717523716523122, 'the': 0.06471892549447111, 'and': 0.05900862353943802, 'John': 0.031759291736923156, 'A.': 0.02782055346896781, 'Miss': 0.027671730014034352, 'H.': 0.025308717882128223, 'J.': 0.024734161429968874}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'they': 0.12146436583907746, 'it': 0.10793986545312176, 'I': 0.10202026026122582, 'he': 0.09912856165520945, 'and': 0.08519728439307528, 'you': 0.07760302276033557, 'we': 0.04652394108824991, 'which': 0.044223859482153204, 'It': 0.04191596669667774}, {'the': 0.2238022262705478, 'and': 0.11179678987182139, 'of': 0.09514405773167862, 'a': 0.032950771745123696, 'to': 0.029355161867454613, 'The': 0.02119246704739736, 'in': 0.01967408968865831, '.': 0.018076021508848312, 'tho': 0.0179848686032129}, {'the': 0.3066654571970305, 'a': 0.10108907447257148, 'this': 0.09924062981541383, 'of': 0.08030482404150771, 'in': 0.059370952892958954, 'quarter': 0.05858537263241651, 'every': 0.046924669355601835, 'that': 0.041386986958744515, 'first': 0.03576837015345232}, {'the': 0.17604528970739355, 'of': 0.09250139045859342, 'and': 0.03515488893542986, 'a': 0.031099760302918524, 'in': 0.027574186112017153, 'to': 0.02577994464906174, 'by': 0.02356064222414306, 'for': 0.019813476697258983, 'at': 0.015607582262356104}, {';': 0.013496098127521405, 'up': 0.01332949722333384, 'one': 0.011080322011535476, 'hundred': 0.0096800127862995, 'day': 0.009342475510653654, 'it,': 0.009048826910390969, 'due': 0.00827809185991756, 'them,': 0.00797600143517247, 'made': 0.007693240849868508}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'both': 0.030854936248336993, 'them': 0.019142981447687196, 'it': 0.017503940559891237, 'the': 0.016952609061161503, 'feet': 0.01689414526820281, 'well': 0.016504648627939704, 'men': 0.016398830519436577, 'and': 0.01568936161731538, 'up': 0.014706821295877932}, {'the': 0.10152350330723316, 'and': 0.08585345918703786, 'be': 0.06651110320896302, 'was': 0.06604720700496236, 'of': 0.061521023673210634, 'to': 0.04656741658199581, 'is': 0.04004951896640153, 'been': 0.03296236907398091, 'a': 0.028864141860157844}, {'the': 0.11745573271123773, 'and': 0.08882647927487718, 'of': 0.0476146384429258, 'in': 0.027851941054362197, 'was': 0.027826823664446502, 'to': 0.024276117810513444, 'for': 0.021557761087470057, 'that': 0.021052528976852024, 'is': 0.020893248015357194}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.3454226382678582, 'of': 0.11292016562423085, 'and': 0.04378034572546188, 'a': 0.0348222038927283, 'for': 0.031922825607846386, 'in': 0.02196666017449881, 'his': 0.021588334632638085, 'their': 0.020868803164871417, 'to': 0.016710366122876984}, {'of': 0.10304530522695042, 'the': 0.09770313283819586, 'and': 0.0564433908945222, 'to': 0.04457808405969252, 'a': 0.0374297154127341, 'at': 0.029076997585655705, 'his': 0.020037274953866195, 'in': 0.01956387945665684, 'is': 0.017412933021596976}, {'of': 0.2785098117905463, 'in': 0.26239671569357653, 'to': 0.09699299805199851, 'In': 0.06630772929759392, 'and': 0.05174099850005754, 'that': 0.049492858251750364, 'on': 0.040190919860997626, 'from': 0.03601329302997872, 'for': 0.03414319412623102}, {'is': 0.09943869099862893, 'as': 0.09428226810714431, 'and': 0.0621978182877132, 'seemed': 0.05677790318751262, 'him': 0.056305305571187764, 'able': 0.052933775263841194, 'was': 0.05189524209134577, 'enough': 0.04462691759483503, 'time': 0.04256437525178323}, {'of': 0.09914338793954763, 'and': 0.09194882151515357, 'for': 0.07404174638698736, 'to': 0.07092673516261498, 'at': 0.05611322131071821, 'the': 0.045487985748165705, 'in': 0.03956836867758486, 'that': 0.0307310623129541, 'a': 0.0262012623982345}, {'was': 0.1414885734506238, 'and': 0.13321941116789066, 'is': 0.10942067545045141, 'be': 0.05211068060609735, 'been': 0.04009651277219078, 'he': 0.038908243383970725, 'has': 0.03783681407461404, 'it': 0.0359101168005659, 'I': 0.03590345590281014}, {'and': 0.1606958606325587, 'the': 0.15192758217743338, 'to': 0.14171061516938854, 'a': 0.11767733269145558, 'at': 0.06916608832109832, 'of': 0.04733319230316466, 'on': 0.03198182128934546, 'or': 0.026164167222241557, 'by': 0.02411543566731957}, {'and': 0.1241297300347244, 'the': 0.07806702280004792, 'of': 0.05901044319564857, 'to': 0.046733763778362074, 'that': 0.03811655631929975, 'which': 0.037068712771526915, 'in': 0.03317851236890653, 'a': 0.028525665816353477, 'or': 0.025971067945705698}, {'so': 0.26872970060452345, 'as': 0.14229141566110579, 'too': 0.13087403670281342, 'very': 0.10633054607868622, 'a': 0.06858095858016258, 'how': 0.05285894354488675, 'of': 0.040590331778674126, 'is': 0.04052838984627982, 'not': 0.03287889304679305}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'this': 0.30991299776005665, 'This': 0.19809839664824636, 'the': 0.16386844116598737, 'that': 0.06495965272134786, 'The': 0.03978557725659437, 'whole': 0.021965015429061065, 'one': 0.02177421230230639, 'any': 0.019005258648369994, 'his': 0.017285953792337463}, {'of': 0.21694905555128283, 'on': 0.18148193389424142, 'in': 0.17962679175244914, 'to': 0.1300734409212458, 'from': 0.05868626744288605, 'In': 0.05535608553336576, 'for': 0.038946185925854485, 'and': 0.03522210564054599, 'by': 0.030620018825398127}, {'a': 0.3023001015130683, 'the': 0.1783099793449343, 'is': 0.0915436027583391, 'was': 0.08126713602851693, 'be': 0.049720192286728, 'are': 0.044765765874247875, 'and': 0.03335347448458135, 'not': 0.026301293950194204, 'were': 0.02541076455085715}, {'not': 0.17398361017873404, 'you': 0.11710207535857453, 'would': 0.11166952415849872, 'to': 0.10538051951787221, 'will': 0.09847641198184645, 'cannot': 0.09248049323921473, 'they': 0.07389522575791614, 'I': 0.06932155366906018, 'we': 0.05753443836455804}, {'of': 0.31470493269034394, 'in': 0.11237630355110796, 'that': 0.0865006856750474, 'for': 0.08376207847569594, 'any': 0.08153508358634452, 'to': 0.08092608468835262, 'with': 0.08025185760776186, 'by': 0.05491540295626323, 'upon': 0.03744423171105948}, {'and': 0.25726207557364317, 'that': 0.03810083280267866, 'as': 0.03700644282536096, 'And': 0.03201609225037367, 'is': 0.028730888621912, 'be': 0.02661778574163596, 'it': 0.026309073685236203, 'was': 0.023637226776556962, 'to': 0.022920937863337845}, {'the': 0.35006924009034257, 'take': 0.32105831300815163, 'taking': 0.07812073228238187, 'to': 0.03228192299333198, 'a': 0.03213540232075779, 'took': 0.030853902685673024, 'taken': 0.03019483885790045, 'and': 0.02765736265444684, 'or': 0.02749164455796784}, {'the': 0.17287472345391022, 'of': 0.15495543653107613, 'and': 0.13116206105303127, 'The': 0.03169529911806427, 'to': 0.02971461591205863, 'a': 0.02694394679537266, 'for': 0.024327385018080756, 'in': 0.02348015395509668, 'at': 0.019803854638003257}, {'the': 0.6391026591605445, 'The': 0.07953830598401375, 'his': 0.04531708993807116, 'at': 0.042405538077459844, 'tho': 0.034718259488967944, 'their': 0.021307170882994886, 'was': 0.019803873390593668, 'and': 0.017450305572003465, 'my': 0.01607408841333309}, {'and': 0.1711404661228071, 'of': 0.15040437218442773, 'for': 0.06945520382625667, 'is': 0.059643308691853456, 'to': 0.052170942332641135, 'fact': 0.050268562248958946, 'in': 0.03712714747168494, 'but': 0.03000480519405751, 'all': 0.029553738096197334}, {'it': 0.17271748135885118, 'It': 0.1634701665927948, 'This': 0.114649717168125, 'which': 0.07060569815304507, 'that': 0.06206066835803908, 'this': 0.05595527987103594, 'and': 0.040139838520179334, 'there': 0.03647213271263341, 'he': 0.02983275606289565}, {'together': 0.18879123456986088, 'and': 0.09361147824492429, 'connection': 0.03133235701549074, 'connected': 0.027961049132627022, 'it': 0.02447385913855087, 'do': 0.021985712739901037, 'Together': 0.02174122476298593, 'him': 0.01962660062168066, 'them': 0.01753956117612978}, {'to': 0.7061897438126186, 'will': 0.08594828271260263, 'would': 0.037795627962245254, 'and': 0.03716353935385926, 'not': 0.020060461843075052, 'may': 0.01588846143831958, 'can': 0.013843876147255024, 'I': 0.01377432239944055, 'could': 0.011311945999421258}, {'of': 0.36775299555934093, 'in': 0.20722913915831373, 'the': 0.09541113540853619, 'from': 0.06760130885331743, 'to': 0.05090942693817232, 'In': 0.04213391418478334, 'by': 0.02388747633503436, 'and': 0.021735363258453388, 'a': 0.01622913977486885}, {'and': 0.11735734989689853, 'Beginning': 0.09884153448596601, 'was': 0.04992202476183523, 'Commencing': 0.04742984928119307, 'is': 0.03222763654861691, 'that': 0.022686839104885018, 'look': 0.02223062891500834, 'it': 0.02189404355341923, 'him': 0.02181882299275003}, {'and': 0.12394536899691033, 'the': 0.06754595961813283, 'to': 0.06038656245432456, 'of': 0.04773259345867957, 'for': 0.04391142846579511, 'will': 0.03460167111833878, 'that': 0.02656179998281339, 'a': 0.025487596463239334, 'which': 0.023301158261585186}, {'and': 0.08586268864171506, 'place': 0.06670796049039551, 'point': 0.038736364486332144, 'cases': 0.02738359515454691, 'spot': 0.026990889422004172, 'that': 0.022675923101130514, 'every-': 0.019604955027974134, 'places': 0.01723731367145808, 'of': 0.015251742420833641}, {'the': 0.09094154620026394, 'and': 0.08163018884076892, 'of': 0.07088752568791418, 'it': 0.04208911945060191, 'that': 0.039174204771433935, 'will': 0.0328994171028846, 'to': 0.031951116615408684, 'a': 0.031641365961923414, 'as': 0.02969932252583154}, {'and': 0.14525437708476882, 'not': 0.09631582426301578, 'of': 0.05865012135079549, 'that': 0.05419721987634373, 'in': 0.04405551486116212, 'is': 0.03878937323100786, 'for': 0.03833735596555547, 'it': 0.03830348057376101, 'was': 0.03510437580623744}, {'and': 0.09409013671688639, 'the': 0.09092348278023903, 'of': 0.07795322244868408, 'to': 0.07230752574642492, 'be': 0.04581289888453343, 'was': 0.03877851053891852, 'is': 0.03449992903620617, 'in': 0.02646521632156226, 'for': 0.021249067459580214}, {'the': 0.13040184009513411, 'Mr.': 0.11219420777658559, 'of': 0.08840996341857472, 'Mrs.': 0.06513119202024727, '.': 0.05776794965187468, 'and': 0.051798320184713, 'by': 0.041092689058004235, 'Miss': 0.033444770147983374, 'J.': 0.029031095513394778}, {'the': 0.4842024262163927, 'said': 0.17784355262744025, 'The': 0.07122943250294064, 'a': 0.060973930185749, 'of': 0.03531940343505932, 'and': 0.033809238197371756, 'this': 0.02799132536482091, 'that': 0.02474362654701569, 'tho': 0.023511913443195868}, {'the': 0.4281040443582449, 'his': 0.11686441295174581, 'a': 0.059539648073315334, 'their': 0.05713020527420341, 'and': 0.055448999026973, 'The': 0.04374915465605464, 'of': 0.03335373679538155, 'tho': 0.03183665694412551, 'my': 0.03031352420819056}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.1513332386673094, 'and': 0.12133284861521161, 'of': 0.08718010953615518, 'by': 0.05698765356162502, 'are': 0.052108636736082216, 'was': 0.04798339935310252, 'to': 0.04725198355558783, 'is': 0.03806746826931531, 'an': 0.03670218239845466}, {'a': 0.24948137251589486, 'the': 0.19831074517268776, 'of': 0.06656057103320977, 'The': 0.035398710848833316, 'to': 0.034254144953120645, 'and': 0.03414870332201514, 'an': 0.025748348699012626, 'A': 0.02000555199824693, 'that': 0.014352664478034438}, {'and': 0.1340502659037776, 'will': 0.1264824257263527, 'I': 0.12446675521474422, 'would': 0.07532006431523287, 'he': 0.07010833486356696, 'they': 0.06915839799787044, 'not': 0.06209161376275907, 'we': 0.062042686299726375, 'who': 0.041540379675296314}, {'the': 0.21065193915565517, 'of': 0.08219053896537407, 'and': 0.07306876381982752, 'a': 0.0650262061620037, 'in': 0.027644545321932796, 'to': 0.0232139415987013, 'for': 0.020777803950531606, 'or': 0.019870333459705278, 'that': 0.018938212295875053}, {'and': 0.06146463068211895, 'of': 0.05926275000586812, 'to': 0.058841026196862094, 'I': 0.03765902598333941, 'for': 0.03644275480199467, 'the': 0.024477158915344098, 'in': 0.023866005380833562, 'wi': 0.02239552618078244, 'is': 0.022015601690226306}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'of': 0.2629734400338501, 'and': 0.15872829014297038, 'in': 0.1162793533241418, 'for': 0.08455297749556341, 'to': 0.07905423334467691, 'that': 0.05757541739009749, 'with': 0.05724172354436691, 'all': 0.045862688195190265, 'on': 0.031829286535592666}, {'it': 0.17007940299785784, 'he': 0.12457101167297326, 'It': 0.1208710945745919, 'I': 0.05790933619491701, 'He': 0.05522139320710876, 'which': 0.05290460173279903, 'and': 0.04434223886291937, 'who': 0.037704440131769885, 'there': 0.03469639420212714}, {'he': 0.3725444302063483, 'and': 0.09854762296720586, 'He': 0.07524010785332202, 'I': 0.06128680729012008, 'she': 0.05444506067460743, 'have': 0.051524743814246945, 'is': 0.030177973488854416, 'who': 0.0271763016582106, 'had': 0.026183104279261533}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.2667327414486297, 'the': 0.22529001093716589, 'and': 0.10864659080687253, 'in': 0.06437033689743606, 'their': 0.05482487676929663, 'a': 0.05428124522516886, 'his': 0.04616709020480962, 'or': 0.03968150565788424, 'to': 0.03863893671618326}, {'it': 0.23978602048483572, 'It': 0.20015954071616285, 'which': 0.08662518967534354, 'there': 0.06513008030491862, 'This': 0.05036312075930548, 'he': 0.04544743391243059, 'that': 0.037196458304194345, 'who': 0.02771767351356893, 'what': 0.026301620005760206}, {'the': 0.30606787644655253, 'his': 0.19915392061767953, 'a': 0.12249159066453867, 'her': 0.0594947607764913, 'my': 0.056128110000541846, 'and': 0.046501184979858785, 'to': 0.02759644981351776, 'your': 0.027019011555888955, 'their': 0.016636240900355058}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.23857796121860053, 'to': 0.14310395005672966, 'for': 0.13361196546535078, 'and': 0.08646231206282545, 'in': 0.07977250476944439, 'by': 0.06070779249130403, 'that': 0.058643201780890705, 'with': 0.05275317126421374, 'under': 0.0372579816626911}, {'and': 0.16914677367237635, 'which': 0.11990520146019332, 'he': 0.0632774078783636, 'It': 0.050643985949068916, 'it': 0.0459816895427788, 'that': 0.044594070081168787, 'have': 0.030404541606288662, 'who': 0.029621698405666308, 'has': 0.028217559919816323}, {'the': 0.09886746297775119, 'of': 0.08640689565753845, 'and': 0.05383764775721603, 'to': 0.049231394394051275, 'a': 0.028147087958833125, 'by': 0.023494919176125322, '<s>': 0.022484876335425404, 'on': 0.02211142021322555, 'from': 0.013370991873893559}, {'<s>': 0.05794545874280846, 'that': 0.05306400312407476, 'and': 0.028184203499259767, 'it.': 0.02471128504724403, 'but': 0.01718476727807942, 'as': 0.01466768248435974, 'them.': 0.014175614589163154, 'country.': 0.011615270763633563, 'of': 0.011235173260174407}, {'it': 0.2219831734915254, 'It': 0.157669353888121, 'he': 0.12972413397276555, 'I': 0.07075606224400406, 'He': 0.051092878465668325, 'which': 0.04375014898825152, 'and': 0.03524957959817404, 'she': 0.034806471409289594, 'there': 0.02951776406390461}, {'in': 0.15403020810339157, 'and': 0.14639272341630338, 'to': 0.09273471515558022, 'of': 0.06739175479665561, 'In': 0.04460634577519563, 'after': 0.04387860393174353, 'he': 0.03212476722469744, 'for': 0.031836382848232966, 'that': 0.027041483766149173}, {'for': 0.5681656464522185, 'at': 0.08608002550138585, 'in': 0.06606923618514647, 'For': 0.06047937294097359, 'of': 0.05372891764036915, 'and': 0.03392429836214332, 'that': 0.024921733132134697, 'In': 0.02165015891190875, 'to': 0.020382133083838298}, {'of': 0.40350681813451644, 'the': 0.19620315328844182, 'said': 0.0527367513624481, 'Eng-': 0.03216756076759733, 'on': 0.022324719757675752, 'described': 0.020274795014293325, 'this': 0.019187135851694945, 'in': 0.01800100300289859, 'our': 0.016198268204183807}, {'his': 0.2491153916055595, 'their': 0.19513499685899563, 'and': 0.09061204684738014, 'of': 0.08206823140675187, 'my': 0.06563704684809489, 'our': 0.06125204981994368, 'her': 0.04620105799513188, 'many': 0.04469309887336964, 'the': 0.042394332261376275}, {'is': 0.2940245781175775, 'are': 0.1763485289862946, 'was': 0.14142095326729096, 'and': 0.09727381008594942, 'were': 0.05261549256359979, 'Is': 0.05247474503308225, 'but': 0.040529373686059085, 'be': 0.037008245768857584, 'he': 0.019316156431456503}, {'<s>': 0.059510427868622845, 'and': 0.04537874693802813, 'that': 0.024119037196265472, 'was': 0.017428496148505446, '.': 0.012772270642782637, 'be': 0.0122734993586696, 'is': 0.0105841915740137, 'but': 0.010053936850308476, 'feet': 0.009592793344168477}, {'of': 0.25171183317407414, 'to': 0.1197090013131547, 'in': 0.09855176547037786, 'at': 0.07984415483733247, 'for': 0.07576241795171615, 'by': 0.07039510792886935, 'or': 0.060354072697260175, 'if': 0.05935512925381393, 'that': 0.053796373804003504}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'a': 0.11915098752114946, 'the': 0.11770056657258231, 'and': 0.09715721066467439, 'of': 0.052372053828649685, 'to': 0.04244886589840309, 'in': 0.028812769388434155, 'for': 0.02752730038442181, 'more': 0.022539191812785957, 'that': 0.02134630225678998}, {'as': 0.08980247947664825, 'and': 0.06512949261993622, 'according': 0.05862507404263971, 'up': 0.05389899553372113, 'them': 0.04410767082523826, 'regard': 0.03960431761401057, 'come': 0.03824111394669009, 'back': 0.035333853400752305, 'return': 0.032678535105253856}, {'and': 0.26070942403884845, 'the': 0.229653092693704, 'any': 0.14049180272859735, 'or': 0.059971461890548756, 'all': 0.05520517130132062, 'in': 0.05322794847016911, 'of': 0.05293126189796919, 'some': 0.041637408615279356, 'an-': 0.034183873723758695}, {'and': 0.053252966599098936, 'that': 0.028705469005034026, 'of': 0.025474644064486976, '<s>': 0.021793129195313066, 'the': 0.021737989441315983, '-': 0.018972505291615507, 'it': 0.018098015805420815, 'which': 0.017362670651395667, 'in': 0.01673231494135029}, {'more': 0.577716553720531, 'less': 0.28737078649948844, 'three': 0.014825153147848562, 'rather': 0.013206412824298587, 'moro': 0.007968880732475104, 'better': 0.007354230391300247, 'other': 0.006418243119910065, 'two': 0.00546170353948566, 'More': 0.00526383197309771}, {'the': 0.11937002767250418, 'of': 0.08973095102439507, 'to': 0.07405253180667051, 'and': 0.07121438500675047, 'was': 0.0384426341987214, 'is': 0.02922042604519073, 'that': 0.021252322134374127, 'on': 0.020639168980086338, 'Mr.': 0.01954402530119712}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'the': 0.5357387891911796, 'high': 0.08225272649482303, 'and': 0.06486629578270339, 'The': 0.04904739867969849, 'low': 0.04716988619702561, 'tho': 0.03244787285164941, 'in': 0.030414661964728053, 'of': 0.027513005133361086, 'a': 0.02513582904062133}, {'and': 0.07929961292837207, 'the': 0.0627906753397552, 'of': 0.060673313812004366, 'a': 0.05442291227088975, 'to': 0.03858526719481534, 'that': 0.03179048030417862, 'in': 0.024114053431008444, 'for': 0.02006822513752793, 'her': 0.01795987513038267}, {'of': 0.1998351728094997, 'for': 0.17196773684836003, 'in': 0.1313832729991209, 'to': 0.12566639140026017, 'with': 0.08340147399913331, 'and': 0.06865053664042596, 'at': 0.03903350929954599, 'all': 0.03186558515610821, 'by': 0.0288522308332174}, {'the': 0.09939863210799263, 'to': 0.07401390617247114, 'of': 0.0563124113230561, 'and': 0.05437925170506177, 'at': 0.051558991750087185, 'for': 0.03684395518186887, 'in': 0.03601105238181172, 'was': 0.024338425574695132, 'is': 0.0242824706008798}, {';': 0.018260509031202517, 'it,': 0.015498593818797772, 'in': 0.015128261720539882, 'up': 0.01473259572212181, 'them,': 0.014703044530340202, 'him,': 0.014473879579482605, 'him': 0.014223563158649704, 'them': 0.010959435033522612, 'it': 0.010235395973436695}, {'of': 0.22826963800617528, 'the': 0.12357403379307327, 'on': 0.09633103125687988, 'and': 0.08295783481245463, 'at': 0.045727661490159645, 'to': 0.04427258112315224, 'from': 0.030537213340678028, 'in': 0.029764673602872358, 'with': 0.016758525401967303}, {'men': 0.025844055383874832, 'street': 0.016752750547798182, 'rights': 0.01546969690479133, 'city': 0.014026457108846398, 'house': 0.012512804478599548, 'state': 0.011935491812178243, 'one': 0.011519824408530811, 'land': 0.01112751037500305, 'women': 0.01039032558145615}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'of': 0.4248484255243317, 'in': 0.21444197456756933, 'to': 0.1045352974139881, 'for': 0.04285929615617587, 'In': 0.04257063323875677, 'that': 0.03546472134613038, 'on': 0.03473041940797857, 'from': 0.029667333563482435, 'by': 0.023494976301311542}, {'be': 0.203690766610745, 'is': 0.1404224703887987, 'was': 0.13588155271151475, 'not': 0.08893300695339339, 'been': 0.07221602716842934, 'a': 0.06329821573812183, 'the': 0.06253441417309279, 'no': 0.06160147843922108, 'to': 0.05896480735673712}, {'a': 0.17373606618189288, 'so': 0.15177064097260418, 'very': 0.13737016596791154, 'the': 0.08987484313155844, 'of': 0.08188897187506188, 'is': 0.059919625251490305, 'be': 0.05887593618183782, 'as': 0.05795857509217692, 'are': 0.05398152839091493}, {'that': 0.20417311153582093, 'and': 0.0844811522185117, 'which': 0.07161272067699057, 'as': 0.06885491576477033, 'if': 0.06774905449417738, 'when': 0.054062758577982095, 'but': 0.04172168083243521, 'what': 0.034697952618306556, 'If': 0.02908216527952951}, {'of': 0.32255945817560683, 'to': 0.09251876835185852, 'and': 0.09148707163101104, 'in': 0.078625782992119, 'with': 0.06804129345067857, 'on': 0.058038232666800395, 'for': 0.057984904096540925, 'that': 0.05012608434409565, 'by': 0.04940289532487559}, {'and': 0.04175907157445451, 'miles': 0.03956518264977844, 'free': 0.03846433626049294, 'far': 0.03219223737225974, 'away': 0.03188538713447815, 'suffering': 0.025932358515943287, 'him': 0.022841349207894573, 'them': 0.02246223167953485, 'or': 0.021263296589886165}, {'of': 0.19382052094048097, 'in': 0.12570202273750222, 'the': 0.09216620575889974, 'for': 0.06968137665666435, 'and': 0.04462408012205062, 'at': 0.04456368128865771, 'their': 0.034383391950683156, 'from': 0.03278413981444413, 'by': 0.03223975134875747}, {'a': 0.21667827766859013, 'the': 0.13344694474823426, 'of': 0.1203917163892638, 'and': 0.11517331745624768, 'that': 0.06494938020139925, 'to': 0.06144543324808103, 'will': 0.045215683057069474, 'you': 0.04090336682427468, 'by': 0.029144905524235692}, {'the': 0.2181793076407424, 'Mr.': 0.07857785193258426, 'of': 0.07295098089280648, 'The': 0.0637307994810779, 'and': 0.05885440013072087, 'that': 0.046435186239938524, 'a': 0.02853125724501091, 'his': 0.01870642531244085, 'Mrs.': 0.016344916628177258}, {'the': 0.16747488477049746, 'of': 0.09514863148761885, 'and': 0.06411864454492501, 'a': 0.05033968473374097, 'to': 0.04496479103207151, 'in': 0.04078847481788951, 'be': 0.019667741709608756, 'for': 0.016733348140112406, 'was': 0.01591617506278457}, {'<s>': 0.07691456004477631, 'it.': 0.025131876397084803, 'him.': 0.020320442547986962, 'them.': 0.016182257653770314, 'time.': 0.011212033072360286, 'day.': 0.008447578189986277, 'country.': 0.00834381660905518, '.': 0.008296786663533078, 'work.': 0.007615105827294093}, {'and': 0.10469072007388108, 'to': 0.09437925078612659, 'the': 0.06625930561440813, 'of': 0.05400829584185528, 'in': 0.043810405084188916, 'be': 0.043605467792588976, 'was': 0.0362039889320074, 're-': 0.03414464191702077, 'for': 0.03223149460292769}, {'the': 0.49655906679301787, 'The': 0.10508540407380068, 'his': 0.09941368257444859, 'my': 0.038245488004941104, 'our': 0.03233099215760759, 'their': 0.030461980533758606, 'tho': 0.021706653693406436, 'your': 0.019132987212947546, 'and': 0.019124594544143225}, {'to': 0.717334979561301, 'and': 0.05621295140886733, 'will': 0.04502886536882808, 'would': 0.025820003709937003, 'can': 0.022849532154406188, 'I': 0.02011333661849289, 'not': 0.018293127588455825, 'could': 0.01716623127164425, 'who': 0.015675520340722143}, {'that': 0.2427364390584016, 'and': 0.17567667455870634, 'which': 0.11449105745915503, 'but': 0.07451793995161173, 'as': 0.0595104598245572, 'when': 0.050599299309533545, 'to': 0.030072104029335696, 'where': 0.028961870629075893, 'if': 0.026005098381613138}, {'of': 0.15751103388744359, 'as': 0.1293414744380475, 'is': 0.09331702004004443, 'and': 0.07708817359390106, 'that': 0.07517926303514517, 'was': 0.0665789737310202, 'by': 0.06397626126795705, 'for': 0.06282444205660466, 'to': 0.06281522332686475}, {'a': 0.45855408334613296, 'the': 0.13016936583316543, 'this': 0.09203182881006802, 'said': 0.04447719223468294, 'to': 0.0388505538210503, 'that': 0.03638704395999227, 'starting': 0.02696430599964982, 'in': 0.021259958874788976, 'any': 0.020362083715904773}, {'and': 0.1358294824324291, 'the': 0.07734533849662299, 'of': 0.07034976087316823, 'to': 0.0654009503294459, 'was': 0.05097371227193268, 'for': 0.0402600219574357, 'in': 0.04006658808471018, 'a': 0.03725763886572544, 'is': 0.03533662379052725}, {'able': 0.0714597004257555, 'is': 0.0649401761281706, 'and': 0.06068627155453477, 'willing': 0.05632695748316839, 'as': 0.04902459384373567, 'ready': 0.046970184888415124, 'unable': 0.04687002154861588, 'have': 0.045359249649174704, 'going': 0.04262497014793538}, {'the': 0.22862441032831787, 'of': 0.09105744584397, 'and': 0.06819123046692949, 'a': 0.05033666176413871, 'to': 0.0493594827514706, 'in': 0.027956217357246748, 'or': 0.022703655678972746, 'be': 0.01648380979603755, 'for': 0.016422717400647217}, {'a': 0.3359021060701013, 'of': 0.1913928015574236, 'the': 0.12969432100658335, 'in': 0.08175578617790381, 'and': 0.04812649683641234, 'for': 0.03721402083333006, 'with': 0.0341315639706885, 'by': 0.023701841393117484, 'very': 0.02335833624461493}, {'and': 0.08329432568256176, 'Lots': 0.06811234094618858, 'the': 0.06274294305158293, 'of': 0.05295542178238192, 'lots': 0.03197862143925571, 'to': 0.030775395753652394, '1': 0.029187448210221924, 'south': 0.02834089181781472, 'than': 0.027709509357459323}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'the': 0.4050891482710973, 'an': 0.10563389902310191, 'and': 0.1026193258636673, 'of': 0.06898501524701618, 'most': 0.06761999926485737, 'a': 0.0590022488986228, 'The': 0.04364993755243975, 'or': 0.026606595691915584, 'his': 0.026257338208740363}, {'men': 0.01524485345205591, ';': 0.012788611480509186, 'in': 0.007891520487381698, 'city': 0.007074720032357479, 'and': 0.007054574893487418, 'one': 0.00695382319904689, '': 0.006862657020627157, 'up': 0.006069522923588341, 'right': 0.005922709379655937}, {'two': 0.129992128880435, 'three': 0.08779135222241952, 'five': 0.0839406837809643, 'six': 0.07931426129103429, 'ten': 0.07654507464487048, 'four': 0.05842202476061311, 'one': 0.044206676892580794, 'eight': 0.030553004185125753, 'hundred': 0.02896827912798914}, {'in': 0.5893306250959641, 'In': 0.1285726894471357, 'the': 0.06668608761087788, 'of': 0.05618097512398053, 'from': 0.03431146500925983, 'a': 0.027249304364595637, 'this': 0.022012038968990642, 'his': 0.020139426946359548, 'their': 0.01977871798871471}, {'and': 0.2251530104929775, 'but': 0.07192109049924847, 'is': 0.06308107435459892, 'was': 0.05164709677950823, 'that': 0.04889484849045866, 'be': 0.02426981991303489, 'are': 0.023867521374474364, 'have': 0.018940039653963854, 'had': 0.017696317631644923}, {'that': 0.19857734159467252, 'as': 0.14880451126613098, 'which': 0.10093734884614311, 'and': 0.08301783914626251, 'when': 0.07476274591799174, 'if': 0.06044745607353953, 'but': 0.049686489164183834, 'where': 0.04251077560170528, 'what': 0.03231865046712677}, {'the': 0.13626153814883613, 'of': 0.09032095133325832, 'and': 0.07010327420737864, 'to': 0.041044250924304866, 'in': 0.04012510308632362, 'a': 0.02790396703656273, 'be': 0.01946818591050539, 'was': 0.018627187350018122, 'which': 0.01843537818741148}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.4189332868578033, 'a': 0.10471704941730742, 'of': 0.08325506598734345, 'an': 0.08145062960572362, 'and': 0.06991520849490465, 'The': 0.05687591551394224, 'in': 0.04217111277618985, 'tho': 0.03345693993563685, 'any': 0.021365553971977615}, {'of': 0.24045848023153107, 'in': 0.11853943805894515, 'to': 0.11487368713857893, 'for': 0.07637641815966091, 'and': 0.06876932880504079, 'with': 0.06005178008720892, 'on': 0.04738378429140317, 'from': 0.04069130234169139, 'by': 0.03618077933950323}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.6765124249310085, 'his': 0.05274500369379458, 'a': 0.034823807951896664, 'tho': 0.03213577650995883, 'in': 0.027943517613693365, 'their': 0.026733309541370084, 'any': 0.025668651218556153, 'this': 0.021206579091103628, 'The': 0.019359262177299632}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.0469146164955636, 'made': 0.040358353963635143, 'up': 0.03853757050399167, 'secured': 0.028338565527738478, 'out': 0.028250288838595105, 'taken': 0.02664009469953469, 'ed': 0.023391293532005305, 'him': 0.020408228409801416, 'done': 0.018948733585617054}, {'those': 0.05020332959755844, 'and': 0.0487108410842185, 'men': 0.026025554130152128, 'people': 0.01587983614150652, 'persons': 0.012366872624553053, 'two': 0.010985040611079742, 'these': 0.008696634460092107, '<s>': 0.00866960618747621, 'both': 0.00813833129044193}, {'they': 0.23314380725874864, 'we': 0.10622029423226009, 'who': 0.07662395299660356, 'which': 0.06566480495571796, 'They': 0.056622771756817646, 'and': 0.05287080274515817, 'you': 0.05279126382010108, 'that': 0.05007330853361032, 'We': 0.04855206355283921}, {'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.12869179659266775, 'men': 0.07772169714581798, 'and': 0.0658455261930027, 'man': 0.06355664033299183, 'people': 0.028160332233858196, 'one': 0.021780088500284452, 'all': 0.020157004685901137, 'Those': 0.013864240819896368, 'persons': 0.013493678788093058}, {'he': 0.12465354236339318, 'of': 0.11111986564181048, 'the': 0.1030785609389381, 'and': 0.10242631906691194, 'is': 0.0833004715041086, 'He': 0.08168813930031119, 'that': 0.04172070530627409, 'be': 0.04138823565669813, 'was': 0.03792454782071386}, {'in': 0.20107654898849084, 'of': 0.18635374894277146, 'for': 0.09648110229210802, 'to': 0.0905806158317208, 'by': 0.07344507419043482, 'and': 0.06112743908171781, 'In': 0.053860454016539536, 'with': 0.052329130367281505, 'is': 0.049358372473592094}, {'away': 0.11296238414270701, 'taken': 0.07154727600716833, 'and': 0.06233140933062823, 'come': 0.04895605952979522, 'them': 0.042795411448664125, 'came': 0.04096411651289766, 'him': 0.035292122128996635, 'derived': 0.029545286092412543, 'out': 0.028277802961750264}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'and': 0.22866327223108607, 'of': 0.18861721734650758, 'to': 0.06908862663151907, 'about': 0.057384898319841726, 'than': 0.04116692217129314, 'the': 0.03897774287976163, 'on': 0.0376544759605507, 'in': 0.03690080619339581, 'or': 0.03329124615971527}, {'the': 0.17314809297233993, 'of': 0.10534324211956182, 'in': 0.08387181024293068, 'and': 0.06477370818261032, 'that': 0.04181601921540903, 'such': 0.03112690922952966, 'to': 0.031042896686773697, 'or': 0.0279677468179615, 'which': 0.027397535351900957}, {'that': 0.17533895942115196, 'if': 0.1497318401785023, 'If': 0.12562150260512842, 'and': 0.10214278368159889, 'which': 0.0700045402046754, 'as': 0.06931619264852987, 'when': 0.03435313562477433, 'but': 0.02919950887454037, 'what': 0.028658907849630842}, {'the': 0.2743080908332718, 'of': 0.25170510973041355, 'on': 0.0733026588335361, 'from': 0.05651494915228205, 'in': 0.05346565545388402, 'to': 0.03672350298559395, 'and': 0.021501781942090986, 'South': 0.020774516104995984, 'North': 0.01953520728494012}, {'the': 0.1380920554499802, 'of': 0.1022349649005668, 'and': 0.08110102705398371, 'in': 0.0644430365275999, 'for': 0.05298929537701447, 'a': 0.05156736489990407, 'to': 0.044687266286816296, 'In': 0.029517640840928408, 'that': 0.022888607968242346}, {'in': 0.05123393883118322, ';': 0.01362828028853125, 'up': 0.01206832461008925, 'from': 0.01040945504130558, 'them,': 0.010086924381560463, 'thereof,': 0.009656905351470563, 'In': 0.009205460750893553, 'him,': 0.009036097940757725, 'benefit,': 0.00892019276163303}, {'the': 0.2099150421113299, 'a': 0.15297691997943944, 'and': 0.06392932892376098, 'of': 0.055824516606101306, 'to': 0.03850924476902568, 'in': 0.03788079555757332, 'The': 0.03267302851049619, 'an': 0.028771806822802577, 'is': 0.018889684995339148}, {'is': 0.1929093046142619, 'and': 0.16057979790323224, 'was': 0.1206133790009514, 'be': 0.11042214390604506, 'he': 0.07717917535975864, 'I': 0.057855311345689144, 'He': 0.05306760498146154, 'so': 0.050889714911144815, 'are': 0.041045551647258774}, {'to': 0.24610291161280837, 'for': 0.15031872013285458, 'told': 0.08795141829755163, 'asked': 0.07956859322718984, 'advised': 0.05617563728252096, 'from': 0.052615656096935026, 'permit': 0.045632407713575136, 'with': 0.04412083195787505, 'allow': 0.035049272782425346}, {'this': 0.3978951784354209, 'the': 0.37968835250806343, 'said': 0.06566967909896498, 'a': 0.029406636680616383, 'York': 0.019459778109910703, 'tho': 0.018787021377244875, 'that': 0.01834535090148413, 'of': 0.016159703778992833, 'our': 0.01302079913749492}, {'the': 0.21761479533205028, 'of': 0.09549241390455208, 'to': 0.06831019358365364, 'at': 0.040141531265401764, 'and': 0.0383484207609831, 'by': 0.028085109523131594, '<s>': 0.022843415358840234, 'in': 0.020541165962893664, 'said': 0.018544189897598484}, {'the': 0.7150801385127203, 'a': 0.07734014551014398, 'this': 0.04042734732801256, 'tho': 0.039868780341778855, 'The': 0.03368604669307768, 'tbe': 0.01699245521579197, 'whole': 0.012671840064814859, 'our': 0.011696523345545716, 'his': 0.00843951908152306}, {'to': 0.5648247040737353, 'and': 0.07163134875592296, 'will': 0.06833292759888554, 'not': 0.0637652308942007, 'would': 0.037290092584074674, 'I': 0.029400711767464446, 'may': 0.02276845983754673, 'can': 0.018546498232929757, 'should': 0.0162828601596993}, {'and': 0.08705691142883067, 'the': 0.057481970378662164, 'to': 0.05559983933033418, 'will': 0.049746467544381785, 'which': 0.0488507773534532, 'said': 0.04862051319956306, 'of': 0.04798378748122888, 'that': 0.03777385516049565, 'may': 0.036226481081265575}, {';': 0.05102315894082136, 'him,': 0.0330048142176017, 'it,': 0.022916746765288265, 'her,': 0.018053899848269606, 'time,': 0.013711693635877596, 'and': 0.01307536883073231, 'them,': 0.012909025869272683, 'man,': 0.010895165406356575, 'me,': 0.008624030118344226}, {'of': 0.34892089663238207, 'that': 0.1151249339622968, 'in': 0.10689236926250181, 'to': 0.09660031629642457, 'by': 0.0821328753483519, 'and': 0.06407394811640835, 'for': 0.04053795870523983, 'with': 0.03267426984916205, 'from': 0.02404609706207247}, {'of': 0.20820050652435318, 'and': 0.13966680749651547, 'in': 0.1029931021332753, 'with': 0.08374897950707758, 'to': 0.0815381224104491, 'for': 0.061711007843621914, 'that': 0.05377669565472511, 'by': 0.04442457597023637, 'at': 0.04071739262135974}, {'a': 0.12698874609053903, 'the': 0.12215889092113098, 'and': 0.08469363588014914, 'north': 0.04595502134969319, 'at': 0.04379342733520928, 'of': 0.03801688745016335, 'line': 0.03627299566746575, 'west': 0.03406617591856972, 'south': 0.02785000809802893}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.15262122804368494, 'of': 0.11520272383082586, 'to': 0.10384572072995686, 'a': 0.09179414974809193, 'at': 0.07654780926710794, 'and': 0.03941459478291608, 'in': 0.031092777984718083, 'on': 0.022686097924362353, 'for': 0.015946703054545427}, {'was': 0.11746636376463315, 'be': 0.10515052169582706, 'been': 0.1017510717692782, 'and': 0.09057686809991682, 'were': 0.06990423371826622, 'are': 0.05664274523959962, 'is': 0.05022794978214094, 'have': 0.04565957448248195, 'to': 0.0386974082128617}, {'to': 0.22865239231138215, 'has': 0.17648109320262464, 'have': 0.14796782616948329, 'had': 0.1345856502470623, 'will': 0.09161264953591262, 'would': 0.051923726414512365, 'and': 0.05046766322586574, 'may': 0.035133158925938913, 'not': 0.025862657607713228}, {'of': 0.3878518726667833, 'is': 0.07793708303642612, 'to': 0.07231093179740208, 'for': 0.07013389382657054, 'in': 0.06329685755570635, 'and': 0.06004520583200727, 'with': 0.05278750368617049, 'that': 0.0433447173646266, 'by': 0.037134412375867655}, {'of': 0.2974158241968125, 'in': 0.1463642379968924, 'to': 0.11596571400747405, 'for': 0.0750739437742788, 'and': 0.06372546973195031, 'with': 0.05226741519044534, 'by': 0.0461223581971639, 'is': 0.040240046110232366, 'at': 0.03870772110481113}, {'is': 0.3535884371470811, 'was': 0.16653404422991858, 'are': 0.16077229529404835, 'Is': 0.0525954695788318, 'were': 0.04326251791493005, 'have': 0.0362138416278156, 'had': 0.03235166680191094, 'and': 0.031804588824896035, 'has': 0.028537576335688063}, {'to': 0.29196172101257933, 'will': 0.17231842307604242, 'shall': 0.09763643659118287, 'may': 0.08702316622706883, 'should': 0.07852444652035728, 'would': 0.06453768135718659, 'must': 0.05272043073693634, 'can': 0.04857879227913071, 'not': 0.04621429914121467}, {'about': 0.19654786345162148, 'of': 0.17503550556661127, 'at': 0.1151207196481194, 'and': 0.07555837690479224, 'containing': 0.06773266199868141, 'to': 0.05078638383008072, 'than': 0.04483347027725133, 'from': 0.027329062741773245, 'the': 0.025933657463422983}, {'the': 0.0937119361963273, 'and': 0.07909084878114386, 'of': 0.07592279866551538, 'to': 0.06671400319394838, 'a': 0.05851040078053075, 'in': 0.03495981075501248, 'at': 0.024455733624054486, 'or': 0.01969139200426022, 'that': 0.014648235167712752}, {'of': 0.1478600586223679, 'thousand': 0.10053040892775521, 'hundred': 0.08617299030345053, 'two': 0.07627037392032489, 'few': 0.07583863774089553, 'five': 0.07579159569037142, 'ten': 0.06976712449893568, 'many': 0.0664774929053331, 'thirty': 0.06004169187971301}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.1702679168123337, 'the': 0.13861210766765994, 'that': 0.06349589703807011, 'and': 0.06008227385157507, 'a': 0.0444067951512566, 'The': 0.03840943861638035, 'his': 0.037372053752372236, 'all': 0.03027562854645825, 'as': 0.026097841416327486}, {'to': 0.555585997177137, 'an': 0.13702423632775537, 'will': 0.07028129381117193, 'the': 0.04880397150120991, 'and': 0.02906064443139281, 'of': 0.025864630065271618, 'would': 0.02549860624539173, 'by': 0.021027750147599947, 'not': 0.020177837602066585}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'law': 0.03181872204822965, 'in': 0.027385671776995024, 'action': 0.023404276177868482, 'city': 0.01994714412912473, 'more': 0.017313043680074813, 'owner': 0.015101871146126275, 'one': 0.014212295821998074, 'person': 0.01406667290715583, 'day': 0.013225118711170894}, {'the': 0.22306609760756277, 'a': 0.09641589195306408, 'of': 0.09427670360529106, 'and': 0.0851369976399812, 'in': 0.04337610703051756, 'to': 0.03786812638013921, 'for': 0.026791995738979852, 'The': 0.026476247660829486, 'Mr.': 0.0216566593301848}, {'of': 0.4442256376693398, 'by': 0.09528023220090806, 'to': 0.08328932459258244, 'in': 0.080353197175689, 'and': 0.05829709056186967, 'that': 0.05120091915630904, 'with': 0.04531308540999165, 'from': 0.03807856086003526, 'on': 0.03129363907528911}, {'the': 0.3281804766076733, 'an': 0.14658345002717424, 'to': 0.11616788188151633, 'this': 0.08234999286917237, 'his': 0.06899022348542007, 'a': 0.054025756099712816, 'and': 0.05045905231086639, 'that': 0.04674272416459749, 'in': 0.029038884138969337}, {'would': 0.17779945024720675, 'to': 0.13384596995467807, 'who': 0.09657872772678129, 'they': 0.0801186691780261, 'I': 0.07157673832643867, 'which': 0.06175441121608197, 'must': 0.053300013979569974, 'might': 0.04794046605735594, 'shall': 0.04304524252072327}, {'and': 0.2441869873562197, 'of': 0.05333603814562886, 'is': 0.04766036472551811, 'to': 0.043641450429793935, 'or': 0.04257517783932775, 'be': 0.040334441028758425, 'are': 0.037535466660092956, 'was': 0.03558862353002999, 'the': 0.033979226659394055}, {'it': 0.2767746804462922, 'It': 0.1392847703568759, 'there': 0.07727980240897835, 'he': 0.06667869063938851, 'that': 0.06075776739853867, 'they': 0.048036591824296745, 'which': 0.04432484615907303, 'and': 0.031658081059459095, 'I': 0.019831117151427383}, {'of': 0.12691135647073476, 'the': 0.08082325938496976, 'a': 0.06193992423449289, 'and': 0.0468049762562459, 'to': 0.0377279069156576, 'in': 0.030704127161856522, 'by': 0.029320500433409363, 'Mrs.': 0.02016043890772754, 'that': 0.01777398186187041}, {'of': 0.28172941465968804, 'the': 0.24995153814806062, 'in': 0.1942073649369248, 'and': 0.07303245185689346, 'In': 0.04626737804598891, 'from': 0.025380867100924565, 'The': 0.016329776525107063, 'to': 0.014748703132203425, 'New': 0.013220686725818819}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'and': 0.1900864083109134, 'so': 0.07236551484482459, 'fact': 0.06529413008928094, 'say': 0.04489250947967794, 'said': 0.04352662687872589, 'know': 0.041234287355143666, 'is': 0.036108782258336324, 'believe': 0.034445245383265065, 'but': 0.03230609641048291}, {'it': 0.15666865170909186, 'they': 0.11144691224741259, 'which': 0.10525533875541543, 'that': 0.06466457913792074, 'It': 0.06412398980538972, 'who': 0.05799612879894045, 'as': 0.053383357320043456, 'we': 0.05295547752874334, 'you': 0.04502839013246712}, {'the': 0.6158302420172697, 'tho': 0.030934817403371166, 'The': 0.025581556738853643, 'a': 0.02389843053286338, 'an': 0.022724809863755968, 'tbe': 0.018707075075563562, 'of': 0.015423788412964566, 'and': 0.014738932553498958, 'on': 0.014261296498901043}, {'the': 0.16307216628875798, 'of': 0.15444470058031418, 'in': 0.11636604749033616, 'this': 0.09184215801836658, 'to': 0.08582949232137276, 'a': 0.04036906175433236, 'said': 0.03367430511435661, 'and': 0.033612158243596806, 'his': 0.03262082162381026}, {'and': 0.1639423768983513, 'to': 0.1052040229141524, 'be': 0.10282373658745686, 'was': 0.07270043863303001, 'been': 0.05436501022509875, 'not': 0.0461495677758851, 'then': 0.045605314030109784, 'had': 0.041952654195730514, 'is': 0.04065637670600908}, {'far': 0.10213796428201928, 'well': 0.0851686435597753, 'such': 0.05990365596253014, 'described': 0.057150029122740795, 'and': 0.05265796344479922, 'so': 0.03945758548533695, 'much': 0.03313511376782013, 'regarded': 0.026127286883652616, 'known': 0.02397746328330424}, {'them.': 0.05656054481815801, 'it.': 0.0313381411399298, '<s>': 0.026977158852528035, 'him.': 0.015612779257222223, 'me.': 0.012925596298586518, 'themselves.': 0.01040380726571368, 'time.': 0.010023500347925207, 'us.': 0.009828080759056949, 'men.': 0.00913013103682739}, {'the': 0.307496364374358, 'The': 0.11908709086293175, 'most': 0.11839107612404633, 'and': 0.0984294992249246, 'of': 0.07204664102814895, 'as': 0.05696510700657642, 'that': 0.05129706748500236, 'a': 0.04931587619428318, 'more': 0.04294935010441816}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'as': 0.07893811892111759, 'and': 0.06182688619967556, 'up': 0.061499450991771586, 'according': 0.04171668574520194, 'regard': 0.03663645140463602, 'came': 0.035097676171971806, 'come': 0.03250860360886925, 'addition': 0.0324104048726183, 'referred': 0.03037989082334441}, {'the': 0.7344820966092068, 'The': 0.05713139451748681, 'a': 0.032480429672018356, 'very': 0.030591369080103147, 'tho': 0.025805524730902155, 'and': 0.023304307250948012, 'is': 0.022289631414566694, 'are': 0.0210048568516769, 'was': 0.015587346485841829}, {'of': 0.2767936241013264, 'to': 0.16185409107409263, 'in': 0.10579812006018528, 'that': 0.06668031230550996, 'and': 0.0587333662012104, 'by': 0.058493052901824744, 'with': 0.05570248011849974, 'is': 0.046689386736170645, 'on': 0.04052645117811475}, {'to': 0.5657443708253559, 'I': 0.06179689892256585, 'not': 0.05564593613456538, 'you': 0.04616955586599545, 'will': 0.04497443002467772, 'and': 0.0388793755819699, 'we': 0.033751319810980195, 'would': 0.029596070933253144, 'they': 0.02222927015220378}, {'to': 0.3731941703814714, 'and': 0.12758231343070287, 'the': 0.12220518791678117, 'of': 0.0922069362737884, 'not': 0.0665425931008624, 'will': 0.040232771990182326, 'would': 0.026642116313257858, 'shall': 0.025944871253761166, 'I': 0.022855605060951436}, {'the': 0.3702889622522873, 'a': 0.14175128840176346, 'his': 0.10656822211922866, 'The': 0.05335048169964781, 'their': 0.050926872388992, 'our': 0.040218277009197625, 'her': 0.03560015415575679, 'and': 0.03553173540100671, 'to': 0.031606685602852375}, {'that': 0.18693697806409879, 'in': 0.16081026817607486, 'of': 0.12520283505696775, 'have': 0.09635187314600493, 'had': 0.09051790980404521, 'and': 0.06956846853224835, 'for': 0.060182813258772914, 'has': 0.05772004793031093, 'In': 0.04325101432254371}, {'linear': 0.17697552134666905, 'of': 0.039689024444154224, 'few': 0.022552613556023515, 'two': 0.020222300396262757, 'and': 0.018490700377396335, '100': 0.017929331279203053, 'five': 0.017089640537986592, 'ten': 0.015446190417980798, 'fifty': 0.014342323402170946}, {'<s>': 0.05676483787214656, 'and': 0.0330641388953757, 'was': 0.016611232297220276, 'recorded': 0.01600591792778856, 'made': 0.015934054344922524, 'is': 0.013417239353735936, 'found': 0.011517483957342187, 'place': 0.01120254607391932, 'be': 0.010889087626854949}, {'for': 0.15403697325241741, 'of': 0.14621825818764703, 'with': 0.10936819609630714, 'to': 0.09355523290656599, 'do': 0.07668380403452409, 'in': 0.07042881038170642, 'upon': 0.06684129946135756, 'on': 0.042053165905152345, 'about': 0.04162602687365137}, {'the': 0.5857308117945702, 'a': 0.11643139277069717, 'his': 0.04959582848688329, 'our': 0.039044633567143806, 'tho': 0.034559418219142775, 'their': 0.02703847006126568, 'my': 0.018058137265072088, 'of': 0.017064907445532008, 'its': 0.016672234436156348}, {'is': 0.1238203464722361, 'was': 0.10632488786722687, 'and': 0.0972492928928959, 'a': 0.07801052030455334, 'of': 0.061934259828320015, 'the': 0.06018943395057719, 'has': 0.05893941640730733, 'had': 0.05461699805223466, 'have': 0.053163150016226846}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.05451658038905451, 'go': 0.0377010906887599, 'going': 0.03760379821286441, 'work': 0.030693590378703325, 'carried': 0.028372141436537514, 'them': 0.02710475920779423, 'put': 0.023167595246684936, 'that': 0.023118194956317756, 'interest': 0.021986039461459318}, {'and': 0.06226062537053729, 'made': 0.05193605376307104, 'that': 0.029793923032497463, 'it': 0.029498728732601086, 'only': 0.024454112325668034, 'or': 0.022688198855577643, 'done': 0.022207362938253757, 'them': 0.02214842395863471, 'him': 0.021793177070505248}, {'from': 0.19107215550066328, 'the': 0.1726034181602621, 'in': 0.10733825599775976, 'that': 0.07840094101778944, 'some': 0.07240354316396762, 'any': 0.06986994017719324, 'this': 0.0637897477690407, 'a': 0.05851588320207729, 'same': 0.05363154805107126}, {'of': 0.2976749019494532, 'and': 0.15210648953103664, 'to': 0.09522956480477307, 'that': 0.06337155528513905, 'with': 0.06289046710105338, 'by': 0.04883107616525334, 'for': 0.03645865123968474, 'in': 0.03616061911717409, 'are': 0.02488813546176931}, {'was': 0.18779564315726227, 'be': 0.15928550833965543, 'been': 0.1161938504958656, 'he': 0.08622440928594603, 'had': 0.05363576401626819, 'is': 0.05028825347629026, 'were': 0.04352352004196285, 'and': 0.03944361701056411, 'have': 0.0374134281430562}, {'<s>': 0.023750001954410523, 'them.': 0.02163172672262517, 'it.': 0.016603963387774992, 'him.': 0.009169548134717816, 'and': 0.005191126765830534, 'men.': 0.004952254813218069, 'people.': 0.004911907859248861, 'country.': 0.004659273061182991, 'us.': 0.00465254163817473}, {'it': 0.21431309260882003, 'It': 0.12843068044283174, 'which': 0.09485485272110854, 'that': 0.06140088526626194, 'and': 0.0538833813704961, 'he': 0.049001452701121724, 'there': 0.043883786627123195, 'who': 0.037131007348908, 'as': 0.024176196225652067}, {'it': 0.323038472940885, 'It': 0.17032299618582847, 'he': 0.06661774173360813, 'which': 0.054715714001907514, 'and': 0.047740440143766424, 'that': 0.04430468480705788, 'who': 0.02953791552545034, 'He': 0.022688865727916674, 'there': 0.01556932060552585}, {'the': 0.23931454778424324, 'of': 0.12521566833174086, 'and': 0.08248639999637948, 'a': 0.07601883248984374, 'in': 0.022055941216950765, 'to': 0.019274090537492655, 'or': 0.017712219588990254, 'The': 0.017414931862003668, 'tho': 0.015369401914094733}, {'of': 0.21999505058879884, 'the': 0.19802015211483073, 'to': 0.07109565368168702, 'a': 0.03842508528406163, 'and': 0.029852686427364647, 'in': 0.028800282478590504, 'at': 0.026817763447775204, 'by': 0.024413799858321733, 'on': 0.01775924626283788}, {'the': 0.20649631903377055, 'of': 0.1744301199831362, 'in': 0.10071457904322441, 'to': 0.09400076794754147, 'and': 0.07809245034385269, 'his': 0.044647714631801144, 'In': 0.03607391889255187, 'a': 0.03604697342821186, 'their': 0.03552855075937252}, {'State': 0.048091165566698416, 'city': 0.04611028696604473, 'day': 0.042750254729807396, 'out': 0.035660793239851885, 'side': 0.03060067669718384, 'County': 0.029105359087805593, 'state': 0.02853802360220979, 'City': 0.028097460092122786, 'line': 0.02243284192771481}, {'No.': 0.16666200036922157, '9,': 0.0886022296310668, 'June': 0.0666968398871374, 'April': 0.06596292832198065, 'March': 0.06424599196387101, 'May': 0.056418407427059315, 'and': 0.05065008825812182, 'to': 0.048359149348500066, 'July': 0.0465679293150387}, {'in': 0.33926760340211687, 'In': 0.16652292088132314, 'of': 0.10070136178019962, 'the': 0.0987948584763036, 'and': 0.09815362286099981, 'all': 0.06128605854878089, 'from': 0.04194390495440218, 'to': 0.0320847952370974, 'or': 0.02567902995437103}, {'the': 0.536889755814139, 'a': 0.10897110143534265, 'and': 0.06812143011042965, 'circulating': 0.051299418223532144, 'or': 0.04058388867282086, 'tho': 0.02182524949250473, 'The': 0.018057227409981967, 'of': 0.01387959466158716, 'in': 0.013069365925666314}, {'sum': 0.0161653430361888, 'out': 0.011087138753875033, 'amount': 0.010874436063812283, 'number': 0.01085683099149768, 'Board': 0.010500320281218112, 'day': 0.009895037655797547, 'line': 0.009699755172636314, 'county': 0.009592538350428802, 'purpose': 0.00839691649375748}, {'etc.': 0.029731850992106172, 'and': 0.02505587640527645, '1': 0.023844038424024133, 'that': 0.022788213749493334, '<s>': 0.018559464625217015, '.': 0.016061337641129804, '-': 0.014127827243824501, 'the': 0.012950176546426466, 'A': 0.012912186819043664}, {'a': 0.2650510388834117, 'any': 0.20494611262004644, 'the': 0.19385867330588338, 'no': 0.06745404125053922, 'one': 0.04587960537130923, 'other': 0.04124706615197975, 'of': 0.03187715119510787, 'No': 0.02928052767484808, 'every': 0.027046282802741423}, {'and': 0.3129775874488155, 'that': 0.06627455467475765, 'but': 0.04209536920867131, 'days': 0.03894550243354134, 'and,': 0.03842082641160851, 'soon': 0.03582794495269809, 'until': 0.026485087053539146, 'shortly': 0.02428502399625439, 'time': 0.023393789606738203}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.31748168272922334, 'in': 0.14337248801788371, 'to': 0.10953634295584552, 'for': 0.07703583912158407, 'and': 0.06332591309028379, 'that': 0.058197907988755085, 'by': 0.04604680088485745, 'with': 0.039682343488751694, 'from': 0.036174442784518236}, {'the': 0.3050029468309392, 'and': 0.13967674485019213, 'of': 0.09236455776058781, 'most': 0.06641031274725763, 'be': 0.06078612467763708, 'or': 0.05544997424468609, 'in': 0.04369195058213753, 'was': 0.04235711107799601, 'an': 0.04097263621951612}, {'the': 0.16763485120962973, 'three': 0.06845243466661204, 'of': 0.05295800508272967, 'two': 0.04717757624335256, 'four': 0.041226920948028954, 'five': 0.03699467855404782, 'and': 0.030785727967852443, 'The': 0.029963263555404344, 'ten': 0.02779777655589068}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.1460211041145132, 'and': 0.11513916696601349, 'of': 0.07048308258693894, 'to': 0.06363915474361707, 'was': 0.04879964778496311, 'a': 0.038921481337645766, 'be': 0.03812909021333929, 'is': 0.030419813777482794, 'are': 0.030046942328073017}, {'out': 0.07973341122185555, 'amount': 0.058144910693198756, 'kind': 0.05484064581226289, 'sort': 0.04797342528900509, 'number': 0.047026181943195675, 'right': 0.04531204928531817, 'matter': 0.0413200920921007, 'one': 0.039001089966728124, 'state': 0.031522490198526876}, {'of': 0.1984867316530309, 'in': 0.14023240337975218, 'at': 0.11681616344775818, 'to': 0.10697676490943532, 'and': 0.07009469965345708, 'on': 0.06558153888682264, 'In': 0.05474827399899147, 'At': 0.05355215516118213, 'with': 0.04240920538809952}, {'of': 0.3367754289661605, 'in': 0.11396015787698215, 'to': 0.09281519941340136, 'and': 0.08527622330912815, 'that': 0.061971225107270794, 'with': 0.05428038995994727, 'for': 0.05409371886030121, 'by': 0.04600800098481496, 'from': 0.034796041094525276}, {'of': 0.29236220619250963, 'to': 0.10944318309425317, 'and': 0.09602922440077241, 'all': 0.08165536905177893, 'that': 0.0731292646220573, 'with': 0.06970911569133248, 'in': 0.04795440721552379, 'for': 0.0421887425837704, 'by': 0.03508855924294687}, {'of': 0.2631774945279017, 'and': 0.07014206397950364, 'to': 0.049392538824981166, 'about': 0.04417056222978544, 'in': 0.03292257079104809, 'at': 0.029322608965067352, 'than': 0.028200802693567974, 'by': 0.02623013438825943, 'from': 0.025033204516416233}, {'lots': 0.2738820150938284, 'No.': 0.11664637324381841, 'at': 0.032746718376129635, 'of': 0.03089524095465078, 'and': 0.030173559556983063, 'to': 0.025346605778879035, 'Lots': 0.023353787933443497, 'the': 0.021004289029014113, '.': 0.01923718128818942}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.18999159841176663, 'of': 0.1029070020994783, 'and': 0.0915952165473231, 'to': 0.07111592456436776, 'a': 0.058036116197342565, 'be': 0.05064530026595973, 'is': 0.0384465921900948, 'in': 0.03450896816309912, 'was': 0.028655190008637615}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.16959112692275233, 'in': 0.16116386063200064, 'to': 0.09282609653142025, 'and': 0.08935841942092068, 'with': 0.08569041213772131, 'for': 0.07745709899334835, 'as': 0.06933456717571788, 'that': 0.04956530704333032, 'is': 0.04947130052073584}, {'the': 0.1587375480149859, 'of': 0.08254551462499617, 'and': 0.08085930804487639, 'a': 0.06729257711216322, 'to': 0.061384945294075344, 'be': 0.030563864346128792, 'was': 0.0243997806807823, 'or': 0.020098682714989803, 'is': 0.017668635246422947}, {'is': 0.17638309539091468, 'be': 0.09162448794176727, 'was': 0.09016539021905137, 'in': 0.08992076368959011, 'are': 0.05986701764475166, 'and': 0.05910820930892563, 'of': 0.051243235504861845, 'amount': 0.04913295883972867, 'that': 0.0414343796881094}, {'the': 0.30242769036762296, 'a': 0.11588256914489772, 'his': 0.09089612671631103, 'and': 0.04241591990064234, 'such': 0.0404690827367851, 'of': 0.030432110442875675, 'as': 0.02926207507692571, 'this': 0.028520869725345666, 'her': 0.025706005187861668}, {'the': 0.3511502802387953, 'a': 0.101637009936248, 'their': 0.06539879374663804, 'his': 0.05930286406158407, 'and': 0.054235393962213975, 'of': 0.04167623148677242, 'this': 0.04094500559731232, 'each': 0.04092432573882505, 'every': 0.039597028165687755}, {'and': 0.07637089911686329, 'committee': 0.034320920518672346, 'that': 0.03401662605157565, 'Committee': 0.030992758635944726, 'was': 0.023831518798755537, 'feet': 0.022223631428886004, 'out': 0.021111395710603505, 'made': 0.01977286807981202, 'up': 0.015945786474727}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'he': 0.1729737076736298, 'it': 0.14696310447027797, 'they': 0.09837606254041835, 'I': 0.07591894696725672, 'It': 0.0675585011988449, 'who': 0.059756644805849565, 'that': 0.059626575157326236, 'which': 0.05607447931460284, 'and': 0.04515887118789589}, {'as': 0.20162760533042987, 'of': 0.06950413103293256, 'and': 0.05980687330058125, 'was': 0.056626318390420406, 'is': 0.03850666019266023, 'be': 0.03576338462902246, 'for': 0.02656184900112605, 'by': 0.024509850748650096, 'in': 0.023215757737341424}, {'him': 0.02469713003237889, ';': 0.014728952357512442, 'man': 0.012698362661866018, 'him,': 0.010430197467196823, 'up': 0.010229503574866806, 'and': 0.009982307448466711, 'himself': 0.00916609570334623, 'in': 0.008824565713022928, 'man,': 0.007854332666996857}, {'and': 0.4831342352826238, 'was': 0.06070568585498031, 'Since': 0.0443233167257629, 'is': 0.03381100465232158, 'And': 0.027416366344151066, 'He': 0.020943974544101688, ';': 0.012719460176203535, 'are': 0.01260386465303939, 'were': 0.012545980589532697}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'is': 0.10894283271901203, 'and': 0.06753307895157773, 'for': 0.06617862502742376, 'from': 0.0658779841637087, 'are': 0.05864684406086632, 'be': 0.053438298949112874, 'to': 0.045560624641087476, 'of': 0.040258080503041305, 'was': 0.04017981462850969}, {'Mr.': 0.046694180851576096, ';': 0.017950575551124375, '.': 0.011558205808573951, 'Mr': 0.01106001548920235, 'city': 0.01069506321615983, 'wife': 0.008679362205692823, '1': 0.008336478989092636, 'home': 0.008134508671270009, 'men': 0.007852626090462387}, {'he': 0.11346894025428594, 'and': 0.10613608631987542, 'it': 0.07778592342124359, 'that': 0.06991196118724999, 'who': 0.03880737791978807, 'It': 0.03781549781065865, 'which': 0.031161519430408173, 'there': 0.02963188490177524, 'He': 0.029159126284261528}, {'to': 0.18034498965184734, 'I': 0.10916988708584725, 'would': 0.10470460307587337, 'they': 0.09079676513117406, 'we': 0.08261930753046381, 'who': 0.06432076887909, 'will': 0.06083687540420752, 'you': 0.045461924317344304, 'and': 0.040858231288966665}, {'the': 0.3651254766304532, 'a': 0.17405598041810505, 'his': 0.07631982310487086, 'this': 0.06262853718157553, 'in': 0.04377580817954059, 'one': 0.0379733075420043, 'our': 0.035853065733840166, 'her': 0.035065952911788704, 'every': 0.03435764101423916}, {'of': 0.3081556280450706, 'in': 0.12106661125338254, 'to': 0.10186708785256124, 'for': 0.08810973515327572, 'and': 0.07819352566088364, 'that': 0.07044542461073629, 'on': 0.045155370191005406, 'by': 0.03616665292440709, 'from': 0.03315206201487925}, {'the': 0.6470037085825406, 'The': 0.0983364711136047, 'a': 0.06753805499746555, 'tho': 0.02838743888198741, 'his': 0.028271556661102377, 'and': 0.02098197938486392, 'of': 0.01584789126925568, 'our': 0.013699719535228829, 'tbe': 0.013065871158144034}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'and': 0.10251061950563667, 'that': 0.03328077639708167, 'was': 0.02264612566964768, 'them': 0.021241058101673024, 'made': 0.020574045839388714, 'as': 0.020246949513319106, 'it': 0.019426471486389683, 'up': 0.019047476323371205, 'or': 0.018387186936549095}, {'up': 0.07152563172618397, 'as': 0.05087316212299155, 'went': 0.04991474901236511, 'feet': 0.044670196558682825, 'back': 0.044369470735535835, 'and': 0.042639060266710084, 'sent': 0.038169236649355384, 'down': 0.03285374587752345, 'go': 0.03249914202978774}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.35547513738668124, 'this': 0.13585363294504937, 'a': 0.09319434350106581, 'The': 0.07002813295637329, 'his': 0.046769583509918465, 'This': 0.03942978542281992, 'that': 0.0279936221202805, 'present': 0.026496885702743677, 'one': 0.02446178156053207}, {'time': 0.02323371955268185, 'up': 0.01925631658081609, 'him': 0.019012127707216688, 'out': 0.016635149425196817, 'it': 0.015401622630499639, 'in': 0.012720816833204555, 'them': 0.012003417943217918, 'work': 0.011936403364509697, 'men': 0.008503539041468338}, {'the': 0.3790964821803664, 'of': 0.1967406794211203, 'a': 0.1275461567609736, 'and': 0.06770291151597727, 'in': 0.052861400296516085, 'very': 0.027311953334723693, 'for': 0.02705025309083654, 'tho': 0.025960891610099405, 'as': 0.020473609145362885}, {'.': 0.043966335942320495, 'and': 0.02930305633134353, 'Mr.': 0.025251185490357986, 'of': 0.018336882575010056, 'I': 0.01816996785484888, '<s>': 0.01501495573016608, 'John': 0.012942341584974577, 'at': 0.011390602764029301, 'to': 0.011323186887957895}, {'the': 0.3120944350851225, 'an': 0.14832467529538565, 'of': 0.09497925688910869, 'primary': 0.05076453474093293, 'on': 0.033839334518419334, 'general': 0.02959768483392687, 'said': 0.02920431333077678, 'for': 0.027211316188580657, 'and': 0.021483602010517}, {'the': 0.51884415455387, 'a': 0.20673696231957678, 'The': 0.05563503586968637, 'of': 0.034427004288591564, 'and': 0.02378116684283684, 'tho': 0.021544114177792305, 'no': 0.021017036941418366, 'his': 0.02082636150900631, 'little': 0.014439441044453619}, {'to': 0.066435245855877, 'of': 0.057034970310239956, '<s>': 0.04784534973407562, 'that': 0.02458396170400001, 'for': 0.022188763198164048, 'and': 0.01919674102722943, 'it.': 0.014634024999579089, 'him.': 0.014379373052623667, 'in': 0.013203978276696955}, {'the': 0.22834327205068242, 'of': 0.1239320610937626, 'and': 0.08971296411835672, 'to': 0.06904748129729005, 'a': 0.045334692660508595, 'his': 0.03856663385598795, 'their': 0.03856147679546265, 'be': 0.03802035505045554, 'in': 0.037035741084468166}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.10044254747819858, 'and': 0.0888541339155949, 'of': 0.07267606711390982, 'to': 0.06747646111748928, 'a': 0.05610943377343523, 'was': 0.03544625173081822, 'in': 0.03532923641875867, 'be': 0.029253695023569663, 'is': 0.025682702445637536}, {'to': 0.491266928564361, 'the': 0.12287710576271887, 'an': 0.11904599675010158, 'will': 0.049555820573407815, 'this': 0.049247854293486736, 'and': 0.03246390716614325, 'that': 0.018591231835001713, 'would': 0.01648049137193832, 'a': 0.014289674398279799}, {'be': 0.17556361230829867, 'was': 0.14364781619374123, 'is': 0.10973381472706732, 'he': 0.09260392763933827, 'have': 0.08837400853792567, 'been': 0.08184741799020322, 'had': 0.05137910488767984, 'has': 0.04876300026043439, 'He': 0.04864954921343392}, {'day': 0.8432689911628195, 'dav': 0.013674663270140813, 'Monday': 0.007226659700515228, 'month': 0.006462417025176983, 'middle': 0.006161696934071759, 'State': 0.005437372245619473, '1st': 0.005431914974990597, 'city': 0.004847370323758828, 'part': 0.004531199930989623}, {'<s>': 0.09085249957418876, 'it.': 0.020320754305258197, 'them.': 0.01603438905861503, '.': 0.010255683176612929, 'country.': 0.00881632290580747, 'time.': 0.008651834588788912, 'year.': 0.008285555333954399, 'day.': 0.007170673374367152, 'him.': 0.006637132456379453}, {'and': 0.1898052486818583, 'is': 0.05285734536333485, 'not': 0.051771671245992607, 'or': 0.04560812937448501, 'are': 0.04168652409581844, 'do': 0.041295583624338474, 'was': 0.04012506839644448, 'And': 0.035290989671350796, 'be': 0.021830699545613813}, {'the': 0.33024946952785905, 'of': 0.17181973502477682, 'and': 0.09974152747835739, 'or': 0.0737806477629964, 'The': 0.0376678242373677, 'these': 0.03463733689216469, 'for': 0.03344613265468146, 'by': 0.03056459861627288, 'about': 0.028816201981117708}, {'and': 0.17847120018725043, 'of': 0.14298903634252685, 'that': 0.08517700711346121, 'to': 0.08052693401424844, 'if': 0.07628468510670855, 'for': 0.05658903247008464, 'but': 0.04732564645925466, 'when': 0.046359390971034795, 'was': 0.045033572632105154}, {'up': 0.020492299441813976, 'time': 0.01765956587524135, 'in': 0.017383687072384215, 'down': 0.010890776453828206, 'life': 0.010542206442734495, 'land': 0.009488805162219139, 'him': 0.009012795247034156, 'out': 0.00887256973907385, 'power': 0.008711211572952212}, {'the': 0.34622634408756686, 'of': 0.18329341384430436, 'in': 0.04969990260066242, 'such': 0.04649029163405403, 'to': 0.04278122336620714, 'a': 0.03848771744498751, 'all': 0.035561292054198314, 'any': 0.03273651600973735, 'on': 0.02759913259383049}, {'the': 0.3128790446588729, 'any': 0.20809339326523052, 'an': 0.11276405811046517, 'either': 0.04213317741941807, 'to': 0.040387037059932664, 'presiding': 0.039599429368683055, 'of': 0.038278592727072056, 'such': 0.037603814797565714, 'this': 0.03512799989936776}, {'the': 0.2649057984979335, 'and': 0.12263557973194615, 'of': 0.11517495802560196, 'to': 0.09120206218727167, 'their': 0.05186876709650853, 'his': 0.04103539505845914, 'in': 0.028600549826487336, 'a': 0.026398755221670574, 'that': 0.026098304664114697}, {'the': 0.14166836833432883, 'of': 0.11321493339346302, 'and': 0.07602412808658252, 'to': 0.0570974831997663, 'was': 0.05094802262156029, 'a': 0.043943306171094244, 'be': 0.038992159953255806, 'in': 0.038739608073103476, 'is': 0.032839849344731664}, {'the': 0.13692215579995398, 'of': 0.08159783380288782, 'and': 0.08121972881563956, 'to': 0.06007338189296185, 'a': 0.037084864198818034, 'be': 0.03276729801933585, 'in': 0.03040556808986017, 'for': 0.022622052672345717, 'or': 0.021852387068674824}, {'an': 0.26667654365123106, 'most': 0.15287906314706967, 'the': 0.1414353726299795, 'and': 0.06949040189578828, 'of': 0.06004356585501203, 'a': 0.03269164831870377, 'other': 0.027662045123211052, 'to': 0.02693105362659056, 'this': 0.022550630717381902}, {'one': 0.08748891782679924, 'part': 0.0386083438747652, 'out': 0.02695093718388284, 'portion': 0.023576039796977998, 'side': 0.019628641177316258, 'some': 0.016085236502000392, 'that': 0.01565678845688778, 'tion': 0.015050944562145247, 'member': 0.013900571109613031}, {'and': 0.11865504637460605, 'called': 0.06363100117660293, 'due': 0.02963386313041319, 'conferred': 0.029070143679108238, 'made': 0.02824719779752286, 'based': 0.024669181051029745, 'call': 0.02289832360263272, 'that': 0.022518071322887898, 'depend': 0.022020546648451347}, {'Mr.': 0.16202242177711584, 'Mrs.': 0.14811592626069167, 'U.': 0.1298817947431003, 'and': 0.05004536934698387, '.': 0.041811994365292114, 'Dr.': 0.0349488191677963, 'John': 0.03186408805086683, 'of': 0.030511477107347074, 'W.': 0.025229781016463664}, {'of': 0.28527213811237934, 'in': 0.2020159802085611, 'to': 0.11288489542173487, 'on': 0.09941523696543769, 'from': 0.05858240413585128, 'for': 0.0500155616370605, 'In': 0.04397971661290523, 'and': 0.03369579855055683, 'with': 0.03328886769568028}, {'manner': 0.10929122914622635, 'and': 0.051928940561453626, 'that': 0.030065683941091072, 'way': 0.01949234700731763, 'time': 0.01490834846138637, 'it': 0.013227222707666407, 'all': 0.011826895752322215, 'one': 0.01173947360133591, 'part': 0.011709023863419921}, {'a': 0.3500499736139459, 'the': 0.23729661364804497, 'is': 0.12280852941475728, 'was': 0.0661206495329904, 'are': 0.04844039849350409, 'be': 0.035495312852578446, 'The': 0.030496072049013532, 'not': 0.026297121851022325, 'A': 0.02341439247811803}, {'the': 0.4245986672326665, 'and': 0.13489718567524678, 'of': 0.0527100347778785, 'or': 0.037858088257532514, 'The': 0.03693266109934347, 'with': 0.026213510711230938, 'tho': 0.021204807604942495, 'a': 0.020005601219890926, 'for': 0.01798916205915747}, {'it': 0.22591266870687024, 'It': 0.1833262908779495, 'which': 0.0782557691011993, 'there': 0.06578611284477195, 'he': 0.05106683823998751, 'that': 0.04896185921531358, 'There': 0.04311877721650508, 'who': 0.025916582409272405, 'He': 0.025726055792062358}, {'the': 0.595078491283702, 'a': 0.0847448490606131, 'of': 0.05514363570242726, 'this': 0.03839934206785888, 'on': 0.036173718664411623, 'tho': 0.03565969899146991, 'and': 0.025034800008285993, 'said': 0.020911332673444676, 'his': 0.02068310039761863}, {'and': 0.06779798255818394, 'that': 0.048887628686393875, 'I': 0.042574185911234005, 'which': 0.022607614574238228, '<s>': 0.020636358341147267, 'it': 0.020611085762546274, '1': 0.019387790104740617, 'as': 0.019375364420261793, 'he': 0.017737311136588874}, {'the': 0.2625155412447411, '.': 0.04473416636118359, 'and': 0.03367612717333851, 'Mr.': 0.02552169436811132, 'of': 0.021077804072142232, 'The': 0.01749242877819234, 'in': 0.017329142274837617, 'a': 0.014885784310152467, '<s>': 0.014805577326697551}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'you': 0.09771494083474981, 'it': 0.0953309469206268, 'and': 0.083772542537153, 'they': 0.07951402877590599, 'which': 0.06287336651788729, 'he': 0.0611742243425946, 'I': 0.06005576670090438, 'that': 0.056073630416342383, 'It': 0.03869495141740695}, {'of': 0.3503476365037565, 'in': 0.11751898555101795, 'to': 0.09972941140475053, 'for': 0.0686331031852467, 'and': 0.06387107349965752, 'with': 0.05532426297226075, 'on': 0.04957341089824702, 'by': 0.043497896359445426, 'that': 0.037678455015853984}, {'and': 0.1229402146031222, 'that': 0.041201978416778556, 'it': 0.040152726762248674, 'found': 0.024417067602785097, 'made': 0.023992097659814377, 'is': 0.023849886715651615, 'him': 0.023296424667038008, 'was': 0.022624459146690656, 'but': 0.022166398606064786}, {'the': 0.6506489135451224, 'a': 0.07502465270954761, 'tho': 0.041641962820798246, 'and': 0.03172707193416195, 'The': 0.029173745694342966, 'this': 0.018727221760143176, 'of': 0.01784682327466429, 'his': 0.01668461556978382, 'our': 0.015501117483771353}, {'the': 0.24068833573905044, 'a': 0.1823759168196244, 'of': 0.10125646616304729, 'his': 0.056294402803101926, 'their': 0.04232988133691392, 'and': 0.03786020856490697, 'with': 0.03517361895901236, 'all': 0.030167984132562612, 'in': 0.02623089032638598}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.16931712097397755, 'a': 0.10194286289581471, 'and': 0.06554502405759581, 'of': 0.06418705175630342, 'in': 0.031757256548412494, 'to': 0.026478270358129778, '<s>': 0.02113770634834843, 'The': 0.01927161997942983, 'was': 0.01756569187929874}, {'the': 0.4725981360493025, 'a': 0.34345568328724285, 'The': 0.03745810692065886, 'to': 0.018408641632383697, 'tho': 0.018019991400134442, 'no': 0.017812489477774272, 'any': 0.015065730587538247, 'and': 0.012542468234293256, 'most': 0.012459527955847524}, {'the': 0.22726535725761135, 'a': 0.1269421198977886, 'to': 0.06487186160751088, 'town-': 0.057694822654701515, 'town\xad': 0.053293658707606884, 'of': 0.03992925240947096, 'The': 0.029246358620480487, 'and': 0.027186039997865754, 'that': 0.021047051893156178}, {'the': 0.49836787205976757, 'of': 0.07176575822460032, 'his': 0.05710433940139447, 'their': 0.056213887214810285, 'a': 0.04839479080282507, 'whose': 0.0443662662660732, 'and': 0.04266843427126647, 'in': 0.0383404633686418, 'In': 0.028889155414103123}, {'the': 0.40946797423878917, 'a': 0.27216359804593726, 'The': 0.07601617459873128, 'this': 0.03884047232497107, 'A': 0.03504498292117376, 'tho': 0.0343024195573183, 'that': 0.030908901889397537, 'of': 0.02731882707943708, 'and': 0.026747401579202364}, {'and': 0.06303680974997142, 'covered': 0.060610748990992946, 'filled': 0.04450028823505445, 'together': 0.04421156901618916, 'charged': 0.03184549425239369, 'up': 0.027195495453842537, 'but': 0.01991858407010758, 'it': 0.0194858956358646, 'supplied': 0.016797844975652582}, {'of': 0.35510872992098447, 'to': 0.1360822889902791, 'and': 0.07460217698360237, 'by': 0.06951642222828792, 'that': 0.06724517653850547, 'on': 0.06159679163394322, 'for': 0.04302295847011336, 'with': 0.03790294189789586, 'in': 0.033896468333009834}, {'of': 0.3001041910416853, 'to': 0.09246084371234684, 'at': 0.09055712081101222, 'from': 0.08027010359834975, 'the': 0.06663125773248503, 'and': 0.059843627976537216, 'by': 0.058351854617048164, 'in': 0.040896288483689744, 'for': 0.015871101843926292}, {'that': 0.2381858158180167, 'as': 0.14117480461653584, 'if': 0.11138107769471893, 'and': 0.10157467963062461, 'which': 0.06621324235756577, 'when': 0.05216541573759708, 'but': 0.051757632939313715, 'where': 0.03732224157512579, 'If': 0.02851904626679301}, {'the': 0.24026190084763593, 'a': 0.11844914567736341, 'of': 0.08603485191955945, 'and': 0.07918276151138802, 'an': 0.04416454361187067, 'to': 0.03713437007509433, 'in': 0.0332086303665082, 'that': 0.025188847996610284, 'The': 0.019785536744215026}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'and': 0.11412582149616869, 'reason': 0.052518443331330225, 'necessary': 0.03036568970186306, 'pay': 0.027992023487444395, 'demand': 0.027671579326216885, 'but': 0.027014334974772316, 'made': 0.023916201568475334, 'provided': 0.02388185430642755, 'do': 0.022500922476264253}, {'the': 0.12461452507482718, 'a': 0.08830891862170133, 'and': 0.08620311032016595, 'of': 0.08167987493259185, 'to': 0.059192375711770474, 'in': 0.03260674918916609, 'be': 0.03219735436218589, 'was': 0.020605935656305464, 'is': 0.018786887551926146}, {'I': 0.23366309746895553, 'he': 0.22471934046928482, 'He': 0.09990465978182192, 'who': 0.08045358813954237, 'they': 0.06276936406117435, 'she': 0.05604421529383831, 'we': 0.04603384809567146, 'and': 0.044777944275159756, 'She': 0.02891900119331298}, {'a': 0.1815933267840789, 'the': 0.1519482177954154, 'and': 0.05789144439124165, 'A': 0.039287224868375326, 'of': 0.03411612546622342, '<s>': 0.02801954237363344, 'per': 0.022405491151736064, 'said': 0.01905810171290685, 'one': 0.017341118660831573}, {'30': 0.21322379539425984, '20': 0.10365841998933636, '40': 0.08475971775405276, '45': 0.07557463660789933, '33': 0.07194368609979798, '15': 0.0709859791469398, '35': 0.06883494841908301, '48': 0.06055954273418081, '51': 0.05820773650070102}, {'that': 0.2123764305039226, 'when': 0.14847435085792748, 'and': 0.10781863759904599, 'as': 0.09916556866236693, 'which': 0.08682558858358816, 'but': 0.05541259132614721, 'where': 0.04541390663990588, 'if': 0.03685158536466358, 'until': 0.03200155405749356}, {'the': 0.4622738322968181, 'The': 0.15907382218403748, 'this': 0.06892680643343999, 'a': 0.06827236551142911, 'This': 0.05661830011114719, 'tho': 0.0328781330807313, 'his': 0.02269316461851885, 'commerce': 0.021605774035423412, 'of': 0.018619218533375954}, {'in': 0.505102619500064, 'of': 0.13732132425560822, 'In': 0.12636118770834562, 'any': 0.08450773300248157, 'for': 0.02593619455923513, 'no': 0.024065766791998077, 'upon': 0.020975077121098328, 'that': 0.020574177691295437, 'with': 0.019562946740231416}, {'the': 0.1604697480758622, 'of': 0.11115147507530876, 'and': 0.09229814904931401, 'to': 0.07361477420540521, 'a': 0.05797706634709639, 'in': 0.04712777755609186, 'be': 0.04193693791414396, 'is': 0.027165410376618848, 'or': 0.023324901552052062}, {'the': 0.8017906423943671, 'The': 0.05356129915477912, 'tho': 0.032537248087518844, 'at': 0.021249969036160884, 'a': 0.020608797633298495, 'his': 0.017933551242250056, 'tbe': 0.013801024129402274, 'their': 0.011196798297462172, 'its': 0.010180737349056697}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'above': 0.1940093143732853, 'be': 0.0981267280063542, 'man': 0.08685254734327022, 'was': 0.06751849073457977, 'he': 0.053710207084235365, 'been': 0.046122174281533646, 'were': 0.036544943605864424, 'and': 0.036532390133293624, 'is': 0.02932664498951063}, {'and': 0.20121701412792523, 'be': 0.1536874768921041, 'was': 0.1426921949899603, 'is': 0.09328860784502874, 'are': 0.055722866982075625, 'as': 0.04853275664153651, 'were': 0.04618625071149696, 'been': 0.04466220161347669, 'of': 0.037791274665236504}, {'of': 0.291530501439788, 'the': 0.21926576528868272, 'and': 0.06088081223258739, 'recover': 0.046323636177970626, 'for': 0.04460195579087563, 'The': 0.03908801415560754, 'in': 0.03497627045649641, 'this': 0.02957716002893764, 'such': 0.029163295676770885}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'It': 0.16682693312717956, 'it': 0.1606249754111702, 'he': 0.106345590041082, 'which': 0.0740283641049504, 'He': 0.04856808630347988, 'I': 0.04119568277777984, 'and': 0.038518360761158464, 'who': 0.034691526049304575, 'she': 0.02918951412241255}, {'of': 0.10304530522695042, 'the': 0.09770313283819586, 'and': 0.0564433908945222, 'to': 0.04457808405969252, 'a': 0.0374297154127341, 'at': 0.029076997585655705, 'his': 0.020037274953866195, 'in': 0.01956387945665684, 'is': 0.017412933021596976}, {'going': 0.21426184193634, 'go': 0.1549426228730204, 'went': 0.09390611751749112, 'goes': 0.08198509004411421, 'carried': 0.06445604472259554, 'and': 0.05126055304044762, 'feet': 0.04739099220819823, 'passed': 0.044090389566073286, 'done': 0.04101077054411701}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.25875885662289383, 'of': 0.08947844502867225, 'and': 0.06272168112147854, 'in': 0.04331893512106054, 'to': 0.04038028856769312, 'that': 0.030945603327839615, 'a': 0.030560843104747996, 'be': 0.02165477119458959, 'his': 0.016344787700687504}, {'to': 0.14846252065870982, 'of': 0.1047952350459951, 'and': 0.10432456788348368, 'the': 0.10246164703513096, 'or': 0.04422220557358377, 'in': 0.02881579888845052, 'not': 0.021208513783356524, 'at': 0.0189961503897891, 'for': 0.01780299552194134}, {'and': 0.13175433571334463, 'of': 0.10457272601064634, 'in': 0.08936982399892375, 'the': 0.08538799395120429, 'on': 0.06768359306827948, 'at': 0.06468732210175125, 'for': 0.05744042130322279, 'to': 0.04784125983164011, 'from': 0.045661018899151}, {'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.1319243613288545, 'was': 0.10893591722038584, 'is': 0.08663568512085937, 'and': 0.076338567123503, 'are': 0.047110714127090066, 'at': 0.039332936928923534, 'were': 0.035143031743055615, 'in': 0.03431869712268724, 'for': 0.029505546730560363}, {'and': 0.11271272381180868, 'be': 0.09765531234090664, 'was': 0.0754469935294399, 'to': 0.04838764846664733, 'been': 0.047211403357895074, 'is': 0.04437542287545138, 'of': 0.043647776197521825, 'he': 0.038359030798239116, 'were': 0.03454211374367705}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.3800372827733124, 'to': 0.1390692024050309, 'in': 0.08936059371741184, 'for': 0.08207476551527698, 'that': 0.055532344918987925, 'and': 0.053999247468684244, 'from': 0.041817967812685264, 'at': 0.03626423277898397, 'on': 0.03615232717198026}, {'of': 0.39669073468048777, 'in': 0.10995192660534234, 'to': 0.08504012692684851, 'for': 0.08100279461008536, 'and': 0.0653583089359437, 'with': 0.06148444318245121, 'by': 0.03210819475969714, 'that': 0.027335655009120833, 'from': 0.027278231983585147}, {'and': 0.06071583433460016, 'covered': 0.0354736612086094, 'together': 0.027886217665929573, 'filled': 0.026179382348547383, 'it': 0.024349713283019738, 'do': 0.023011545360756905, 'them': 0.01914723697206702, 'up': 0.01836619809974358, 'him': 0.017962831021690464}, {'the': 0.48710234730108887, 'a': 0.12028241775493409, 'large': 0.07263851585319658, 'Grand': 0.05098070030526656, 'great': 0.03743940807560076, 'The': 0.030942844725916428, 'tho': 0.028114124865993035, 'high': 0.020595451555233166, 'vast': 0.019802895496070637}, {'the': 0.5579426899770713, 'a': 0.07341907295225616, 'of': 0.0710842873120135, "Men's": 0.060915606109381314, 'and': 0.043216396554051656, 'The': 0.034309693936777776, 'tho': 0.027937029507773485, 'in': 0.018108073102934538, 'tbe': 0.012977184021113551}, {'the': 0.23905978724480892, 'we': 0.12890003288253138, 'to': 0.12197429219564358, 'I': 0.10871996154169558, 'We': 0.09901714840167164, 'no': 0.08006060284240762, 'and': 0.06658608784404367, 'a': 0.04276555819361898, 'sincerely': 0.034978542297194624}, {'and': 0.19315599525597235, 'of': 0.18920394575730054, 'that': 0.07755152680742898, 'in': 0.07120941721656042, 'are': 0.07028256724623724, 'to': 0.06864781054822522, 'with': 0.05975843252315985, 'is': 0.04622404774251217, 'was': 0.039947839792189625}, {'the': 0.677453560725225, 'The': 0.06158013114832859, 'a': 0.060307864060781396, 'tho': 0.029518097036354607, 'and': 0.01585659460956069, 'tbe': 0.014617242630574115, 'by': 0.012579664241775385, 'of': 0.010974156068160905, 'to': 0.009505173511024551}, {'<s>': 0.07156938677443836, 'of': 0.04340538541258254, 'in': 0.04130929483382165, 'to': 0.03753731792877041, 'at': 0.02038965087431316, 'for': 0.01632276784459456, 'that': 0.015205268574160177, 'and': 0.012741162416990925, 'by': 0.012546636858403163}, {'the': 0.0960230534973415, 'of': 0.06070213268216887, 'and': 0.04508080670297672, 'a': 0.034812372186937314, '.': 0.03334970561612596, 'at': 0.03033704380123068, '<s>': 0.02908857924530326, 'to': 0.02555785992573882, 'in': 0.017312129550269544}, {'and': 0.14283724321972147, 'of': 0.09012490068730059, 'to': 0.07709490171079751, 'is': 0.049302939919505157, 'was': 0.046023427477191285, 'for': 0.04328603407281057, 'are': 0.04193202436486165, 'in': 0.04158956846405819, 'with': 0.03341286953456983}, {'the': 0.13799024632150914, 'and': 0.08455823040943201, 'of': 0.06157818977569196, 'a': 0.054770763438141024, 'to': 0.03438266236643987, 'was': 0.032440970561478766, 'I': 0.027212370373526397, 'Mr.': 0.02407901671861617, 'be': 0.02383149803451024}, {'he': 0.1487029699032729, 'who': 0.09076233883105168, 'and': 0.08362321416155424, 'which': 0.07694461400621262, 'it': 0.06569951876468996, 'He': 0.047738100448403, 'It': 0.03987933459631921, 'that': 0.036277363419217536, 'she': 0.028357180243035}, {'they': 0.2175302342499094, 'we': 0.09571198126102472, 'who': 0.09435719884608475, 'and': 0.09020516625167371, 'you': 0.057026086753483765, 'which': 0.051926120430705366, 'They': 0.045343384228248705, 'that': 0.04396538191198721, 'We': 0.035017501643668215}, {'and': 0.10839593954553878, 'of': 0.06836482779913215, 'was': 0.05897840307425907, 'are': 0.056464130534237156, 'is': 0.03955017284904438, 'by': 0.03379699512758298, 'for': 0.032517024847633524, 'to': 0.031692511033884145, 'after': 0.030059826834751995}, {'the': 0.4544296909784202, 'a': 0.15875756738639965, 'and': 0.06654203683622464, 'The': 0.05616262575405293, 'his': 0.05222528391966671, 'of': 0.02849254343296355, 'tho': 0.02800333110085517, 'be': 0.02361005004792148, 'their': 0.023511072975697225}, {'that': 0.17840503551961248, 'and': 0.12251739822921792, 'will': 0.10325138134553469, 'to': 0.08592420551830207, 'which': 0.07220341290837533, 'as': 0.059576123877240594, 'if': 0.05747076650499162, 'would': 0.055059073171505504, 'when': 0.04745423410406509}, {'of': 0.0873334324694764, 'to': 0.08454979481680301, 'the': 0.0762215558472145, 'and': 0.07426690876319036, 'be': 0.04469629581794265, 'a': 0.0355240086797286, 'was': 0.032062820918258565, 're-': 0.022255056601075407, 'for': 0.02221453360629854}, {'of': 0.13547254240657233, 'the': 0.11789449184762174, 'and': 0.049721053772172896, 'to': 0.044720130056859445, 'at': 0.03851065927979637, 'a': 0.0331265483867563, '.': 0.030713126604615972, 'in': 0.027010010187314044, 'by': 0.019810645600958323}, {'to': 0.4072799079703372, 'a': 0.08757879926610945, 'the': 0.08240667240026442, 'will': 0.07153359023355758, 'not': 0.06433511386183989, 'and': 0.040657741355154625, 'may': 0.02837151811011172, 'would': 0.021046775985250107, 'cannot': 0.016559663528419262}, {'owned': 0.13722104707223645, 'made': 0.06379261693286535, 'delivered': 0.059582127518699665, 'assisted': 0.05037390814412662, 'and': 0.047747418597859304, 'occupied': 0.04165709887952742, 'conveyed': 0.03814602372786389, 'accompanied': 0.03123113409669361, 'headed': 0.01922345459126252}, {'sale': 0.45999341961181767, 'and': 0.06885602662413363, 'therein': 0.040546155105208294, 'was': 0.038623580760104005, 'be': 0.030252498980200902, 'is': 0.028370890464674073, 'as': 0.027696123245832618, 'mortgage': 0.02245157932567183, 'land': 0.022254723253586732}, {'or': 0.11234463105395713, 'not': 0.09065232522179553, 'and': 0.0772473574584892, 'redemption': 0.06913895182057427, 'than': 0.049274878949402065, 'is': 0.03787368466524402, 'was': 0.037771140518600047, 'look': 0.0353313998734432, 'there': 0.03405037677539904}, {'the': 0.3589860672340031, 'court': 0.1227315003473873, 'school': 0.033973169932039776, 'The': 0.029565535005426552, 'his': 0.029336068138138, 'opera': 0.027122584918770527, 'a': 0.02179035756460202, 'said': 0.02133516409826385, 'tho': 0.017444310089192033}, {'in': 0.23596241669671691, 'of': 0.1949700069608294, 'to': 0.09159585999988984, 'with': 0.07539876392367666, 'for': 0.06114329061473682, 'and': 0.06101056419773746, 'at': 0.054786002823318046, 'In': 0.047138164047318194, 'from': 0.042672289937489956}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'a': 0.2979045883205836, 'the': 0.2875095357403188, 'young': 0.0960791516568012, 'The': 0.07879325925495029, 'A': 0.06061353911317396, 'every': 0.02985588823817957, 'old': 0.028866868965838652, 'and': 0.01803158345916577, 'Every': 0.013667346601599703}, {'to': 0.5667173274020079, 'will': 0.09142243478385421, 'and': 0.08361172914980518, 'the': 0.0355042717886787, 'I': 0.03222157372513451, 'would': 0.031811930650725045, 'we': 0.025913407612365574, 'a': 0.017363711311326024, 'We': 0.01591996729959387}, {'the': 0.48013496059359856, 'a': 0.26218875418371984, 'The': 0.05286656095370764, 'of': 0.05088041634666065, 'with': 0.027888685692173384, 'and': 0.022177863068670402, 'tho': 0.0214267211703691, 'A': 0.019298999445895967, 'very': 0.01817626758006475}, {'the': 0.3813963774907326, 'in': 0.2638553331609269, 'a': 0.13808149507227863, 'In': 0.06879686995216486, 'The': 0.018686418959197083, 'this': 0.01852221435635041, 'any': 0.017056101578291783, 'tho': 0.016584404329501205, 'every': 0.016191118536618167}, {'the': 0.07443651732492756, 'and': 0.04031455546459308, 'as': 0.035793210738166874, '<s>': 0.03542036930771167, 'that': 0.034474451654934984, 'of': 0.032633568123432134, 'I': 0.02650794378440602, 'if': 0.019992265268938592, 'The': 0.01840981386259899}, {'and': 0.1411543663742949, 'the': 0.11921620784237416, 'is': 0.06222872900459091, 'he': 0.06081018556157175, 'that': 0.04469150853157428, 'which': 0.04403292767680743, 'not': 0.04070818004114603, 'be': 0.03900331328360817, 'it': 0.0353150223566169}, {'of': 0.20879923209635515, 'and': 0.10738285173358302, 'to': 0.07280135123907294, 'by': 0.060736787901034345, 'for': 0.030448663117034768, 'at': 0.027108047662454136, 'from': 0.024244699950650504, 'in': 0.020466048299860647, 'with': 0.017369533772764803}, {'one': 0.07238348334067472, 'and': 0.04868647427047903, 'some': 0.042659504522346216, 'out': 0.04187890528704487, 'time': 0.02985226534728227, 'part': 0.026756240205391055, 'that': 0.021741158354871087, 'all': 0.01791868879138148, 'each': 0.01630311712267262}, {'of': 0.2256267071029048, 'the': 0.1247702015265375, 'and': 0.06946366707111563, 'in': 0.0551055576592787, 'to': 0.051160046809106116, 'for': 0.03931447723764611, 'that': 0.029099648088193358, 'a': 0.02344691563851066, 'by': 0.022662633212978685}, {'was': 0.09026260481776725, 'is': 0.07999766476670916, 'of': 0.07410131719374255, 'be': 0.05897776764053867, 'and': 0.05800360348439562, 'are': 0.036244197297440446, 'to': 0.03345439163895774, '-': 0.029582726393037703, 'for': 0.025968428009436325}, {'the': 0.6216462807930343, 'a': 0.20292359356987985, 'The': 0.0372751007854388, 'tho': 0.026822305842529003, 'of': 0.023833654068228717, 'in': 0.015240814299645631, 'any': 0.014069401122539578, 'tbe': 0.010440055021967218, 'this': 0.009887970933289483}, {'the': 0.12998530007141526, 'a': 0.07169307859491993, 'of': 0.06803127832166991, 'and': 0.05259213708441329, 'at': 0.04385102913230348, 'to': 0.03936537297810436, 'in': 0.036796688963451146, 'for': 0.03499058856553456, 'that': 0.025151760510568992}, {'the': 0.23919104426031684, 'Republican': 0.1686878336504479, 'Democratic': 0.09613872190972948, 'a': 0.08843097956090809, 'any': 0.04818964255564185, 'his': 0.044414033772239875, 'one': 0.043853586971407996, 'of': 0.042852514780608815, 'this': 0.040264836796686354}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'-': 0.049555345663433385, 'to': 0.04683016621895745, '.': 0.02680230136795576, 't': 0.023136118332404136, 'ti': 0.018398690805270453, 'I': 0.01467326492282835, '<s>': 0.014036721185940597, 'i': 0.010469445978817394, 'of': 0.010277523485765367}, {'the': 0.32126326779792186, 'a': 0.06317289514761101, 'sepa-': 0.05818341675377381, 'this': 0.02952142805587856, 'any': 0.028361778518165476, 'of': 0.02497169675510886, 'same': 0.0239915321798675, 'and': 0.018622231874493987, 'The': 0.0185662893773385}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'that': 0.18394700591595237, 'as': 0.1310893456782023, 'and': 0.12206226519087, 'when': 0.1165873125894958, 'which': 0.08309236241714126, 'if': 0.051404351591806716, 'but': 0.05028802468186253, 'where': 0.04737214222638232, 'before': 0.03479777164137361}, {'<s>': 0.10516405760168969, '.': 0.028571606336605618, 'it.': 0.016710654908180182, 'them.': 0.013173762952686316, 'him.': 0.009905937927140627, 'day.': 0.008965141058587426, 'city.': 0.007890588643856672, 'time.': 0.007630521328185522, 'year.': 0.0070462819512345344}, {'the': 0.17601534631735377, 'a': 0.14351716181204377, 'took': 0.13798969205841394, 'take': 0.1027279768424778, 'to': 0.09851917723928993, 'in': 0.07211758359131094, 'his': 0.04478005287134898, 'no': 0.03922114152465083, 'and': 0.036472189065156375}, {'is': 0.17227872277071546, 'have': 0.14983561579214727, 'was': 0.12722585226895253, 'has': 0.12334209594617457, 'are': 0.09782109817453281, 'had': 0.08657968356265999, 'not': 0.07218202958603001, 'and': 0.05104952918303924, 'were': 0.03363359021218585}, {'and': 0.11040287668546435, 'or': 0.07024062209215709, 'appear': 0.06705647115151644, 'days': 0.06246014349609571, 'that': 0.0469186197163667, 'time': 0.044862847535092745, 'brought': 0.03201601705666445, 'just': 0.03110894914212798, 'long': 0.030772272883151864}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'and': 0.12618533641186205, 'contained': 0.09931941354165015, 'served': 0.08993418191024719, 'situated': 0.04547590680060287, 'property': 0.04108088563791736, 'interest': 0.03937109509697061, 'land': 0.03843869164453894, 'or': 0.031176264314952427, 'that': 0.02959443843706091}, {'is': 0.312733811995022, 'be': 0.2800610508205416, 'was': 0.09616794469307346, 'are': 0.06959449395509186, 'Is': 0.04945475729472988, 'been': 0.04062841106583728, 'and': 0.03988433839898875, 'he': 0.0282812055721095, 'not': 0.02801933889174129}, {'was': 0.19108815285098246, 'be': 0.15655866262294246, 'and': 0.14407879768554327, 'is': 0.1324765451741625, 'were': 0.06105193860545175, 'are': 0.058806392314378376, 'been': 0.04944222856955979, 'to': 0.0294114868945017, 'he': 0.028283455330378692}, {'of': 0.18021507427657732, 'to': 0.11627722905632361, 'and': 0.11116581777835433, 'in': 0.10529437444742219, 'for': 0.0825125357076814, 'with': 0.06627844309449092, 'that': 0.0461285382689744, 'by': 0.04494010015170877, 'on': 0.03955212406079023}, {'and': 0.11737171927214872, 'was': 0.038121961793087425, 'of': 0.035276468930238225, 'the': 0.02830503884768381, 'I': 0.02437559504341324, 'he': 0.0234232826751202, 'her': 0.022775625463095733, 'to': 0.0219285703316941, 'be': 0.02064710070977119}, {'of': 0.35600671557128544, 'in': 0.21353434659393516, 'to': 0.10344493328357647, 'In': 0.05050521909075411, 'for': 0.045377525722377625, 'on': 0.04518520540770049, 'from': 0.0440507098454005, 'and': 0.04013841419738956, 'that': 0.03819241406024802}, {'is': 0.068797845793911, 'nothing': 0.05225279901958307, 'was': 0.024208082736099684, 'are': 0.02203918880783929, ';': 0.021856899890639846, 'anything': 0.02061757051660914, 'and': 0.017098956654410864, 'it,': 0.01645348020031611, 'be': 0.015307740897604944}, {'any': 0.15357008545644812, 'no': 0.12903448688373353, 'No': 0.12656720715137207, 'that': 0.08832920946216642, 'the': 0.07276974785079558, 'of': 0.07211140073856519, 'some': 0.06142886632820258, 'and': 0.04949958278287367, 'every': 0.04778973865808822}, {'that': 0.2883550157316075, 'which': 0.1225467871389987, 'and': 0.08570487255749226, 'as': 0.06791021248735025, 'if': 0.06647641405047762, 'what': 0.044249169071710844, 'when': 0.03697841548160161, 'where': 0.03551057801380234, 'but': 0.03279167141298101}, {'and': 0.07853009151758192, 'it': 0.03739344316679905, 'that': 0.03485969298489158, 'made': 0.030141077053519674, 'was': 0.028939720198207803, 'them': 0.028891411673439706, 'found': 0.027615569792283075, 'is': 0.022963517685877056, 'up': 0.021249603751937997}, {'feet': 0.019541719052157076, 'and': 0.018674042782892076, 'men': 0.01453088276368913, 'it': 0.01313205915704779, 'them': 0.01119580138471524, 'made': 0.010753289008698742, 'well': 0.010637074689149052, 'him': 0.009531793267895194, 'up': 0.008782782938487999}, {'one': 0.08921751374425257, 'out': 0.07112379952092995, 'part': 0.06167381209166008, 'some': 0.04424357509516522, 'account': 0.04386179152489113, 'any': 0.030316516135152728, 'all': 0.02652981212233094, 'that': 0.02551031471747086, 'tion': 0.022119047941123286}, {'and': 0.16512038541863708, 'is': 0.1191141217442285, 'was': 0.11326478241935921, 'are': 0.07610373859692504, 'will': 0.05966417376194248, 'were': 0.05332403406369108, 'but': 0.03701344065221747, 'He': 0.023352561063050618, 'I': 0.021595918603386305}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.4952211668734592, 'in': 0.11666112628793467, 'the': 0.09343729052858739, 'County,': 0.07882003990780036, 'to': 0.019046665139606768, 'on': 0.015714129394055813, 'and': 0.01535440071363998, 'from': 0.015218910530900517, 'county,': 0.014547248702069483}, {'that': 0.15184908899470123, 'and': 0.12197354279476795, 'which': 0.09440559259915045, 'when': 0.07069247508494353, 'as': 0.06326763458574844, 'to': 0.06090439369252156, 'if': 0.03189693908362385, 'will': 0.031707243039532644, 'but': 0.02993207711120099}, {'it': 0.23347424425719407, 'It': 0.13551200886750797, 'which': 0.07789986517931012, 'he': 0.053035621748166166, 'and': 0.05206868583674038, 'that': 0.04832571915248416, 'This': 0.031976603344547064, 'what': 0.025545900495002643, 'who': 0.022947271930794606}, {'the': 0.4439399667461994, 'supreme': 0.10128813639056604, 'circuit': 0.09166872040492602, 'a': 0.07285140902321739, 'district': 0.06414747516623225, 'said': 0.052263443017951466, 'The': 0.03537261750925799, 'this': 0.033968110457893955, 'preme': 0.02703602789085344}, {'the': 0.3684580002254166, 'of': 0.10798026270908828, 'and': 0.04175740229953039, 'to': 0.03256679527304135, 'a': 0.03089851012197244, 'The': 0.026368189791912616, 'in': 0.01938266211717423, 'tho': 0.01839946020444458, 'this': 0.017981820119336602}, {'and': 0.17820719147019515, 'said': 0.10008608341045885, 'fact': 0.06463111504483349, 'stated': 0.052492415715762214, 'so': 0.04472464841362103, 'him': 0.03832311204077511, 'know': 0.03688219118396675, 'say': 0.02879367941366483, 'is': 0.028411351280419075}, {'men': 0.03716511623289219, 'one': 0.01614382042490968, 'man': 0.015737022245810913, 'it': 0.014625348102104481, 'right': 0.011009696275006177, 'time': 0.010294905615447835, 'women': 0.010143342726574868, 'made': 0.010088152184984269, 'out': 0.009483221037678846}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'and': 0.20473011073891512, 'that': 0.11672149607233952, 'which': 0.0791833710507283, 'as': 0.07857658824669535, 'but': 0.05299664026581401, 'when': 0.04547844480398817, 'if': 0.03721563420282733, 'what': 0.030782937654648082, 'have': 0.03062563644581718}, {'and': 0.20909094310355367, 'that': 0.18729835333049855, 'as': 0.06834512721022856, 'but': 0.047104251025092136, 'But': 0.0328358082516974, 'And': 0.02668483490273968, 'or': 0.022279473820023942, 'do': 0.021865463655985646, 'even': 0.02111426480511193}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.17631548375851652, 'the': 0.07800371641904102, 'of': 0.06694760916179726, 'to': 0.04423376912124445, 'a': 0.03976031172761401, 'was': 0.0333542418933955, 'as': 0.021577338563861823, 'be': 0.021490047915271097, 'is': 0.020315808187907014}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'I': 0.2017305513827525, 'he': 0.14493525479010194, 'and': 0.12612317127633793, 'have': 0.08291852031739128, 'had': 0.06320445488048963, 'they': 0.0477835866355708, 'we': 0.04136622354980011, 'has': 0.04004537048734994, 'who': 0.03386220406204126}, {'so': 0.1520190958885938, 'of': 0.12911571027295962, 'in': 0.10402363978875757, 'and': 0.09501788290705557, 'as': 0.09220094673200446, 'the': 0.08619215145300234, 'for': 0.08189366169340216, 'with': 0.06026078521647525, 'great': 0.05430306152509042}, {'of': 0.17614852648616397, 'as': 0.10631192425384281, 'with': 0.0990991617179375, 'in': 0.09617586627467571, 'is': 0.08817385038267865, 'to': 0.07686239396207334, 'by': 0.0727107438039682, 'and': 0.060221178053118864, 'was': 0.056885062557597746}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.340727292797869, 'and': 0.12584693448563897, 'I': 0.0960864775009244, 'a': 0.08355158517669649, 'to': 0.06402828243883296, 'you': 0.05381241758192752, 'or': 0.04240214112288623, 'not': 0.04096005213847527, 'we': 0.03162926934026648}, {'of': 0.3256869399763913, 'in': 0.22470778576928038, 'to': 0.10029691309674772, 'In': 0.05409556509585052, 'by': 0.04724540011714508, 'on': 0.04605987628898833, 'for': 0.0331135970921909, 'that': 0.03264506850947141, 'from': 0.028296797553385676}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'to': 0.5588698626926133, 'will': 0.11375168846553756, 'would': 0.0730658982016769, 'the': 0.0469827126016543, 'not': 0.04055037527863368, 'and': 0.037319589192263934, 'who': 0.02505909132486572, 'we': 0.024172754243807305, 'should': 0.019797909475127728}, {'a': 0.14711842995759672, 'and': 0.14083600235617322, 'in': 0.12743734321420824, 'of': 0.08383523996495179, 'the': 0.08206414146780916, 'with': 0.059730864978982716, 'was': 0.054504207936668325, 'for': 0.05123845804074697, 'be': 0.04571214907988216}, {'the': 0.5886206913600593, 'said': 0.13324136583757992, 'and': 0.036077876739378824, 'tho': 0.025753907654522963, 'this': 0.025455248308982617, 'The': 0.02111970142024357, 'a': 0.019247237343371745, 'of': 0.014949969199415944, 'tbe': 0.013038469075309186}, {'the': 0.21408520698521416, 'and': 0.09794384660774277, 'a': 0.07931801263519166, 'of': 0.07013971110934952, 'to': 0.04912064048206851, 'The': 0.0261163458906737, 'in': 0.017777938095438987, 'his': 0.017588741622452598, 'be': 0.016513767724534847}, {'to': 0.47939235378591766, 'and': 0.08947446635671094, 'not': 0.069692635768524, 'will': 0.05645690890069272, 'a': 0.052256623957097806, 'we': 0.03632314274034862, 'would': 0.03215202071322394, 'may': 0.022479626667199982, 'they': 0.021887980588677212}, {'it': 0.23121704390893, 'It': 0.2008551751680054, 'which': 0.07382264657638105, 'that': 0.06824003398608049, 'and': 0.06526702548138225, 'he': 0.0469817520846914, 'who': 0.028775012218016097, 'He': 0.02204831271498796, 'there': 0.021970026435560643}, {'the': 0.16960553861788835, 'of': 0.14340052153788718, 'in': 0.13117912763424466, 'and': 0.11330500207984781, 'their': 0.06926798014895831, 'his': 0.052970040595097925, 'no': 0.05149079132611548, 'or': 0.047686158321692255, 'an': 0.04296565570523816}, {'and': 0.0637878368966867, 'him': 0.050525880110484624, 'able': 0.04663056519020142, 'is': 0.04511066238199586, 'as': 0.04388517207633776, 'began': 0.0414902127149166, 'them': 0.03947996655504724, 'right': 0.03931692619843128, 'going': 0.03689139590204674}, {'and': 0.21232805879631553, 'of': 0.11732884017551422, 'to': 0.07274343146726445, 'in': 0.061294616754925445, 'for': 0.04852165163009529, 'that': 0.03897530162346511, 'or': 0.03526468150307477, 'from': 0.031961237263103695, 'was': 0.02566146576370024}, {'the': 0.20421694271261795, 'of': 0.08756636978185893, 'to': 0.043982630072996354, 'in': 0.03223942002069962, 'and': 0.0315892707537403, 'by': 0.020575502972554525, 'a': 0.02010093141228227, '<s>': 0.01814331955685577, 'on': 0.016770696711686857}, {'and': 0.19195006671701137, 'was': 0.1010826559965167, 'is': 0.09501168529835892, 'do': 0.09101727212435086, 'are': 0.07321087644656399, 'be': 0.03896345218270992, 'were': 0.03737326802494552, 'not': 0.03421066233841234, 'or': 0.02980605905119967}, {'the': 0.593787899824582, 'and': 0.11457492178177274, 'The': 0.029397852719664174, 'tho': 0.0257428986337975, 'this': 0.021032953236348406, 'County,': 0.020608040380205476, 'of': 0.020042920904141517, 'a': 0.017155402664961128, 'county,': 0.01656149105286918}, {'and': 0.21107967015611576, 'of': 0.055702958163162675, 'in': 0.024916836642363955, 'was': 0.023202911489239125, 'to': 0.02243076018023902, 'not': 0.020300327433981028, 'the': 0.016485678703010653, 'for': 0.01621751311544973, 'will': 0.015753769813041944}, {'there': 0.28809457169717756, 'There': 0.20751488108390026, 'It': 0.11529550114437428, 'it': 0.11332142339372507, 'which': 0.043940478243464795, 'This': 0.04093293257815662, 'that': 0.039744407127002265, 'this': 0.028222635325548463, 'he': 0.02005534712705017}, {'they': 0.2007745479620462, 'who': 0.13035403402882087, 'which': 0.06420955555513513, 'and': 0.06348915013485437, 'we': 0.057373952631614634, 'They': 0.052963620440481876, 'men': 0.04618248541665265, 'that': 0.02416687207532605, 'it': 0.022097356205848215}, {'the': 0.35407380764902696, 'of': 0.14410897020142077, 'and': 0.09886297622560652, 'his': 0.09091650903115411, 'to': 0.04359536631025871, 'their': 0.03791679156588155, 'by': 0.03541382846777163, 'a': 0.022025996265840918, 'in': 0.021873113823518035}, {'we': 0.2192605261902786, 'I': 0.150843769513319, 'he': 0.13938480500002182, 'they': 0.10741692198166485, 'you': 0.0765613236955088, 'We': 0.06266059757423818, 'who': 0.045999250276250334, 'it': 0.04423913189697719, 'and': 0.030238571691874966}, {'it': 0.18799476193359307, 'It': 0.08908477585564534, 'there': 0.0782565161721338, 'they': 0.0607880603232045, 'that': 0.055266195416502926, 'which': 0.0511501671325387, 'he': 0.04987225743663854, 'and': 0.04873018340012423, 'I': 0.03700648773256737}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'June': 0.05317943442498162, 'No.': 0.04325443668513765, 'July': 0.03430348835982172, 'May': 0.033360048048035607, 'April': 0.030615336229866282, 'March': 0.027904933452832535, 'lot': 0.027628191445777196, 'Section': 0.024161125453717344, '.': 0.022349174796983444}, {'State': 0.06094956645943525, 'number': 0.05656114435365239, 'line': 0.055359415026942124, 'day': 0.04632185986012779, 'state': 0.04180803794629837, 'city': 0.039387213903461935, 'board': 0.038309466718127974, 'side': 0.03222190741577803, 'county': 0.030800115130057187}, {'and': 0.08367938373106967, 'him': 0.06500751886721072, 'want': 0.06132667427711854, 'able': 0.056156656212425146, 'is': 0.05079247978234478, 'enough': 0.04915197905362433, 'have': 0.045583806902392394, 'me': 0.04298464048923623, 'necessary': 0.03938754070275725}, {'the': 0.24165070569441963, 'a': 0.1150757448234041, 'and': 0.06206870121345627, 'of': 0.05585259196782234, 'The': 0.038211836505502896, 'to': 0.021155939316441046, 'A': 0.020218265405447827, 'by': 0.018246585320861486, 'an': 0.018195852241853237}, {'of': 0.1325871750574568, 'and': 0.06746124265672397, '<s>': 0.027907771333519103, 'in': 0.020190534027394534, 'is': 0.016706291137266828, 'the': 0.01475254325562885, 'county,': 0.014397053037895232, 'West': 0.011411133341018008, 'by': 0.011162315758019457}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'he': 0.11202726871196407, 'and': 0.10550209189056806, 'it': 0.1022153848500855, 'be': 0.06262167720011397, 'It': 0.05525212962827986, 'I': 0.050642090478600646, 'one': 0.03392521605321344, 'who': 0.028835112892053802, 'they': 0.027422909403561527}, {'he': 0.17786035854561352, 'which': 0.12118347186114221, 'it': 0.10260269243039015, 'who': 0.08687025404108897, 'that': 0.07173532005977011, 'It': 0.06900372083446761, 'He': 0.05763422681546765, 'and': 0.05180627758990035, 'she': 0.03620355094707854}, {'to': 0.4107868346320452, 'and': 0.10328875095103772, 'not': 0.07782418851773368, 'will': 0.057262089577918125, 'I': 0.03410108522900105, 'would': 0.03372116765337343, 'they': 0.0325191565998855, 'may': 0.02445426771948808, 'we': 0.023154680250577597}, {'and': 0.10241389883325835, 'as': 0.059264588342833935, 'him': 0.03915149683356686, 'time': 0.0327890758925871, 'right': 0.031306171919952344, 'up': 0.030996779832007555, 'way': 0.0307809593966122, 'went': 0.030692281986219046, 'them': 0.029978524929546252}, {'as': 0.2041792020960612, 'and': 0.15169106479702943, 'to': 0.07416623715976985, 'of': 0.055619977025179894, 'with': 0.05107109058582789, 'for': 0.049010197369815704, 'by': 0.0477319597066814, 'than': 0.041707693157946694, 'that': 0.03992969669027745}, {'the': 0.1571466482873375, 'and': 0.15232418964877628, 'a': 0.1473430310853425, 'it': 0.054728649725954835, 'is': 0.04590546811285077, 'It': 0.042160587745202475, 'he': 0.03914992470065013, 'was': 0.03337228500117794, 'be': 0.032833466425300994}, {'to': 0.24799867927131417, 'will': 0.2471981366084722, 'may': 0.09555768479036154, 'should': 0.09024308145779616, 'would': 0.07625152903060482, 'shall': 0.06556997189513235, 'can': 0.04610108278305735, 'must': 0.045896811065378226, 'not': 0.03682995585005313}, {'that': 0.2524288038459472, 'and': 0.22292053578164364, 'but': 0.07544509777827232, 'as': 0.06583910440454453, 'if': 0.05435705226439772, 'which': 0.03855577008157428, 'If': 0.03481695456177362, 'where': 0.032482682700569525, 'But': 0.02812097677450717}, {'in': 0.13710856048150985, 'of': 0.13163643320475765, 'to': 0.0820346790155697, 'for': 0.06267714532024603, 'In': 0.053221822034949025, 'by': 0.05073626932874556, 'on': 0.04948012735970962, 'and': 0.046798446431560135, 'that': 0.04413452019915998}, {'one': 0.08921751374425257, 'out': 0.07112379952092995, 'part': 0.06167381209166008, 'some': 0.04424357509516522, 'account': 0.04386179152489113, 'any': 0.030316516135152728, 'all': 0.02652981212233094, 'that': 0.02551031471747086, 'tion': 0.022119047941123286}, {'of': 0.18455283082440785, 'by': 0.10135389996241184, 'and': 0.09516421212698777, 'to': 0.09338187068023932, 'that': 0.06830219353708039, 'with': 0.03192492250025521, 'which': 0.028095135454536336, '<s>': 0.022894930976766745, 'for': 0.0175833144384525}, {'the': 0.6094347430220779, 'an': 0.0533636431717245, 'The': 0.05313597486533489, 'and': 0.048899726297604675, 'a': 0.03848731288888798, 'that': 0.03367641045636871, 'to': 0.026966151499655262, 'any': 0.026861800362941432, 'this': 0.022865536636399165}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'to': 0.18315305148154382, 'of': 0.11999916506421948, 'and': 0.11984333921035352, 'in': 0.10055394311343974, 'with': 0.0432413792383676, 'from': 0.03522673824186777, 'by': 0.031124284266211714, 'are': 0.03009078510204207, 'the': 0.028290606902891206}, {'the': 0.562447300737701, 'of': 0.07498836109189663, 'and': 0.04388912803735105, 'to': 0.0411739486662201, 'an': 0.040087045672482786, 'tho': 0.02921559482567267, 'The': 0.02749311064931967, 'or': 0.02549885876399862, 'a': 0.0252912750253205}, {'and': 0.1597509177703589, 'the': 0.06622509818866433, 'to': 0.0608627459609174, 'of': 0.050998487467258935, 'that': 0.032492781262620216, 'be': 0.025816572141946586, 'in': 0.024930156717559784, 'or': 0.024850459633531573, 'which': 0.022168170263680093}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.3687827386465057, 'that': 0.09133513988023716, 'to': 0.09114688859404245, 'in': 0.08741724880445542, 'and': 0.06439993119619754, 'for': 0.0574428146905409, 'by': 0.03990469142351705, 'with': 0.02791032200323488, 'from': 0.026865677325214884}, {'out': 0.06978510044619138, 'put': 0.06490242369267396, 'go': 0.05986328644405987, 'went': 0.05631471260071229, 'enter': 0.05416900550376798, 'taken': 0.04782926947358448, 'brought': 0.0391483919968361, 'take': 0.03883834851040089, 'them': 0.03864498793851259}, {'of': 0.39006641414433335, 'on': 0.11741615063278703, 'in': 0.08984497417795623, 'and': 0.06386229515158602, 'to': 0.06241077669728814, 'by': 0.05920446368964985, 'from': 0.042257854709317116, 'for': 0.04060458735547499, 'upon': 0.03850600810329853}, {'<s>': 0.12709620458055787, 'it.': 0.018688555039454706, 'them.': 0.015387040252772351, '.': 0.013286839982773893, 'him.': 0.01211614259106048, 'time.': 0.009743948985659494, 'day.': 0.008960406614011195, 'country.': 0.008743503456168755, 'of': 0.008246599906329867}, {'out': 0.05022758586970724, 'one': 0.044118026304091465, 'purpose': 0.042376720713675674, 'means': 0.034105792228362956, 'is': 0.029047597329464363, 'all': 0.02835500867186331, 'that': 0.027839815881345414, 'use': 0.027554720154036937, 'number': 0.027254224247729254}, {'the': 0.15383764566440558, 'of': 0.11798392025240566, 'and': 0.08331986834014217, 'a': 0.06270706160908712, 'to': 0.04502083001974942, 'be': 0.03094815294006057, 'was': 0.02849767390589314, 'is': 0.024335782794003547, 'in': 0.02280006413352256}, {'and': 0.1301443230624376, 'is': 0.04802770652041395, 'be': 0.04467017164587916, 'served': 0.03854520151286732, 'that': 0.03798516488021376, 'time': 0.03364841567163401, 'was': 0.03317712608696689, 'or': 0.03281296667365185, 'now': 0.028583485498549246}, {'the': 0.671201368748406, 'feet': 0.04504071914093371, 'The': 0.031692360420984535, 'tho': 0.030812402407790273, 'miles': 0.029326432021467078, 'and': 0.025343196596243046, 'said': 0.01693790179790982, 'tbe': 0.01205671080233467, 'of': 0.011243255786295488}, {'and': 0.07191926475649563, 'of': 0.062019408490627266, 'that': 0.03374774925240533, 'the': 0.024787936563821104, 'by': 0.01848278272171151, 'which': 0.015636368797759835, 'to': 0.014397645540004672, 'it': 0.014037524415648267, 'in': 0.01269797366224605}, {'the': 0.3440331877232284, 'of': 0.24554788870251779, 'in': 0.05605068965028959, 'and': 0.053537775956071544, 'to': 0.04409371508634161, 'this': 0.02923637777697855, 'for': 0.026380617490809073, 'The': 0.024646914979985123, 'our': 0.022609742789575477}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.11733599196203871, 'the': 0.1045976676468524, 'and': 0.06609015104460429, 'to': 0.05435800060474629, 'in': 0.04742350043135446, 'be': 0.03375013694395989, 'a': 0.03007180973749937, 'or': 0.029372144194068597, 'for': 0.02782046099193093}, {'and': 0.09426504603327293, 'bridge': 0.09128549681841329, 'came': 0.06294479068500626, 'up': 0.04678135114290985, 'went': 0.044282842520460095, 'directly': 0.03878810441070438, 'out': 0.037210885113326146, 'go': 0.032807338525524164, 'way': 0.031847924041043585}, {'to': 0.3214090818099368, 'will': 0.19410467313941965, 'may': 0.08336188347076003, 'would': 0.07253935366230191, 'should': 0.0648925083670084, 'shall': 0.060041847149462306, 'can': 0.04545902998318657, 'not': 0.03930981010183526, 'must': 0.03646481705504372}, {';': 0.03424222407075466, 'nothing': 0.02093954907648171, 'him,': 0.018653581626946237, 'it,': 0.018204895695935485, 'is': 0.01524147367009644, 'time,': 0.015182052904494332, ',': 0.011526557919432922, 'them,': 0.010185247262564189, 'years,': 0.009279877373991701}, {'the': 0.2648587519180184, 'a': 0.1676158238802401, 'his': 0.12940454152952638, 'of': 0.08188633221692054, 'and': 0.05603836538330741, 'her': 0.04568815318738437, 'their': 0.035400716575441145, 'my': 0.03275705438299226, 'this': 0.03112011172499509}, {'It': 0.24176636004312296, 'it': 0.09765426769645155, 'there': 0.09756769140185963, 'which': 0.07933120731800218, 'that': 0.07534120001111802, 'This': 0.04003948345623638, 'There': 0.03924435774546354, 'this': 0.03458845400070696, 'That': 0.02712434158896263}, {'and': 0.12971168820974924, 'in': 0.05489754897279286, 'the': 0.0460595008651825, '.': 0.0434185196830592, 'of': 0.03643740067989263, 'by': 0.0328946982555895, 'Book': 0.03287304513243786, 'In': 0.02426385014779911, 'book': 0.019492451957844336}, {'the': 0.14373205687082724, 'a': 0.08774119096746881, 'of': 0.08504299535338825, 'to': 0.07019337399471907, 'and': 0.044216812667660234, 'in': 0.04330429280638221, 'an': 0.03134925771570501, 'on': 0.02904685950007534, 'from': 0.025031045059056435}, {'said': 0.5792962376563261, 'such': 0.06472406388950008, 'the': 0.054971158131634855, 'a': 0.048813800271365844, 'certain': 0.028943557070954074, 'to': 0.02224189800010643, 'his': 0.02095002803176214, 'of': 0.02082338976042467, 'and': 0.01597600002974212}, {'of': 0.555255226383508, 'in': 0.1421676977524776, 'to': 0.07323421726302883, 'by': 0.05882628329192138, 'In': 0.030764441623925613, 'from': 0.025925437085689153, 'that': 0.02559698099416314, 'for': 0.02230903694713729, 'and': 0.021535907479173094}, {'in': 0.3271476296370306, 'of': 0.20104982568942237, 'In': 0.1706291948955186, 'to': 0.08832804777410261, 'from': 0.0455427754901695, 'by': 0.02539246016069829, 'and': 0.022582454467086913, 'at': 0.02121015792350851, 'the': 0.019038047929287878}, {'and': 0.21036675353055756, 'annum,': 0.13129134499342193, 'be': 0.12575504397544168, 'are': 0.039065453005905436, 'sale,': 0.032413297483647144, 'was': 0.024305423759026966, 'is': 0.023311835764685363, 'annum': 0.02299190143639462, 'interest': 0.02067907402205688}, {'the': 0.17978232677137376, 'and': 0.08158309249843326, 'of': 0.0577944145599266, 'I': 0.042312328257344246, 'a': 0.042069703128937014, 'that': 0.03077974299171087, 'The': 0.029707409048914273, 'in': 0.02726996569346367, 'to': 0.02107934307182406}, {'the': 0.4938123263668642, 'and': 0.15771408604577875, 'a': 0.04192608272356877, 'The': 0.04089871304695594, 'tho': 0.026809691290140717, 'or': 0.026669349057630715, 'of': 0.025975469197152854, 'with': 0.012930859031252916, 'in': 0.012762402129894098}, {'and': 0.12665385313328423, 'as': 0.06524139454957578, 'right': 0.05190191339862917, 'able': 0.048962787857680566, 'is': 0.047192725313939414, 'necessary': 0.04711948409178544, 'order': 0.045644983968856155, 'him': 0.04306802790220001, 'them': 0.03479203771715102}, {'of': 0.16717931992787577, 'to': 0.1354434100209992, 'is': 0.09737435686910301, 'in': 0.08409545729872961, 'with': 0.0796274735882872, 'as': 0.0736202265953157, 'and': 0.06763259438638207, 'was': 0.05361894272360739, 'by': 0.0482479226040246}, {'was': 0.15377139357681296, 'be': 0.11908085604258418, 'been': 0.10854163945040246, 'are': 0.10008351914739862, 'is': 0.08830027128110061, 'were': 0.07225390814933014, 'has': 0.07126906917508752, 'and': 0.06127296282677838, 'have': 0.05667823716353528}, {'the': 0.3158130406418206, 'of': 0.08740653515305187, 'a': 0.07749599789324454, 'and': 0.07056084930982445, 'to': 0.06718991112459612, 'The': 0.05338715562771432, 'or': 0.04468794039584282, 'his': 0.039155612002314495, 'not': 0.032257750422970494}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'miles': 0.08481367096009683, 'and': 0.08405706169787977, 'far': 0.07685243057248596, 'away': 0.04989027923375352, 'feet': 0.03648951459756113, 'them': 0.03438735743004594, 'was': 0.032424247861218364, 'is': 0.03072408085361687, 'him': 0.02920841110681795}, {'the': 0.7689075674292201, 'The': 0.06685894008601705, 'tho': 0.03981633034906466, 'of': 0.024017050221430695, 'and': 0.021234813216619255, 'our': 0.019768956232865596, 'a': 0.0145659351927493, 'tbe': 0.010726618025146909, 'their': 0.007956652236929332}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.1319243613288545, 'was': 0.10893591722038584, 'is': 0.08663568512085937, 'and': 0.076338567123503, 'are': 0.047110714127090066, 'at': 0.039332936928923534, 'were': 0.035143031743055615, 'in': 0.03431869712268724, 'for': 0.029505546730560363}, {'and': 0.11001957632035539, 'that': 0.049180809080489725, 'I': 0.04716026806543423, 'which': 0.04440049883757975, 'of': 0.041996529083111245, 'the': 0.03335803199679172, 'to': 0.020354922582925063, 'whi': 0.01802089471882776, '<s>': 0.016799299234353537}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'the': 0.1400957158539858, 'and': 0.09301867970302506, 'of': 0.08529826892208961, 'to': 0.06402862219550355, 'in': 0.05163117879394684, 'his': 0.03469351165048399, 'be': 0.034558174695558046, 'a': 0.03101004150647936, 'for': 0.029550703883572692}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.4260506674978886, 'The': 0.1014357519069802, 'of': 0.09535669349173403, 'and': 0.04289874269167957, 'in': 0.03548357351729568, 'that': 0.03448359985842586, 'tho': 0.03299778133336245, 'a': 0.03030783540005686, 'this': 0.025821223765926035}, {'of': 0.1118030187761439, 'and': 0.09436381084306678, 'in': 0.052918584779629775, 'to': 0.04528603259110153, 'the': 0.04475185078822304, 'at': 0.043517575659325555, 'with': 0.04276851926766884, 'an': 0.040317038029537726, 'be': 0.03524799287809954}, {'have': 0.12613327708395122, 'of': 0.12075863432307195, 'and': 0.11031415481582373, 'to': 0.09370957812988422, 'had': 0.08608081435131282, 'has': 0.08266695134707627, 'was': 0.0737599121097571, 'is': 0.06323193197151593, 'be': 0.0566155712667029}, {'and': 0.15379415208099212, 'I': 0.13941280967755879, 'he': 0.10969550509470483, 'who': 0.08246874362564961, 'they': 0.04496264474182266, 'He': 0.03233315042438793, 'we': 0.03206801863774104, 'she': 0.028279781191289658, 'that': 0.024349334676969283}, {'and': 0.15225003718347427, 'a': 0.13705064101239625, 'the': 0.1325368501737844, 'was': 0.05889048987808366, 'be': 0.044150791269646175, 'of': 0.038159589826986445, 'is': 0.0372488360747479, 'are': 0.036564684097183386, 'were': 0.03311934811733201}, {'the': 0.29917290959408166, 'take': 0.11369626782694885, 'an': 0.11045894804652918, 'no': 0.10867432761340036, 'of': 0.06838731983085307, 'this': 0.056537264404537796, 'and': 0.04921826872869819, 'taking': 0.03996021274828787, 'to': 0.03839124892955092}, {'the': 0.4132083727851933, 'a': 0.16604456540867518, 'in': 0.08661732364567734, 'an': 0.06881453072989091, 'of': 0.06255626566010108, 'his': 0.04772061910077745, 'no': 0.03488731510624763, 'The': 0.03425258279678216, 'their': 0.029100514981870274}, {'<s>': 0.0896000154239611, 'it.': 0.0208950125021422, '.': 0.015234149780090064, 'them.': 0.014736839021877942, 'him.': 0.011974854237640517, 'time.': 0.009133480637082558, 'country.': 0.009008315947863844, 'day.': 0.007217522970834847, 'years.': 0.0066601586643766746}, {'the': 0.27728408903373264, 'of': 0.14787965795103142, 'in': 0.14514125592373972, 'and': 0.1111260295843314, 'a': 0.0651784847334767, 'In': 0.06047634805451425, 'are': 0.035847841296061, 'to': 0.034244168999676285, 'The': 0.028429968339438172}, {'the': 0.7039718631422027, 'a': 0.09220000289240544, 'The': 0.08492739966711499, 'tho': 0.027679679203252542, 'and': 0.021570094974720923, 'of': 0.011134351406361176, 'our': 0.009711415516408884, 'tbe': 0.0077742089289168075, 'that': 0.006692124512895188}, {'and': 0.06823528743683152, 'together': 0.05978009039850455, 'covered': 0.04916283342660054, 'one': 0.04609334760079749, 'thence': 0.027788440323967666, 'up': 0.026685075997491738, 'along': 0.020079003501729607, 'filled': 0.020064446547189585, 'charged': 0.019189958047286935}, {'is': 0.2183902187530133, 'was': 0.14558293206455078, 'the': 0.11706078318659761, 'and': 0.09813824845447051, 'in': 0.08232729154312114, 'of': 0.06776158103270107, 'are': 0.047337297491760605, 'a': 0.043875179963373485, 'it': 0.04343283746139891}, {'the': 0.12448190341664583, 'and': 0.10685223595337483, 'be': 0.10063846706383145, 'was': 0.09478780462932658, 'have': 0.0867870941456837, 'has': 0.07525799089029697, 'been': 0.07280328630961895, 'he': 0.06658735509965677, 'I': 0.0639142753773055}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'to': 0.3550121936763229, 'will': 0.21455287322868877, 'would': 0.08980673032913668, 'shall': 0.06765526603737133, 'may': 0.058201807860234635, 'not': 0.0555523155420705, 'should': 0.0522009041488556, 'must': 0.034572875850211064, 'can': 0.019764046079282824}, {'the': 0.20833328469926327, 'and': 0.20059125765982064, 'he': 0.08092333431864573, 'had': 0.06556022019801272, 'He': 0.05041428023602768, 'have': 0.04846409144833348, 'I': 0.04492314189963903, 'has': 0.04084437468974089, 'who': 0.03819715113737361}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.3006108999187369, 'of': 0.09918022550517328, 'other': 0.04439284210543262, 'and': 0.04194779722179569, 'this': 0.04039028027359619, 'for': 0.040034388324096594, 'in': 0.03582648840491483, 'any': 0.034812072201461916, 'that': 0.031790887012984784}, {'the': 0.7554591513087157, 'an': 0.043551079035169714, 'and': 0.0415896004156374, 'The': 0.038982611000334025, 'tho': 0.020654709720039792, 'of': 0.012102461106916994, 'tbe': 0.008460003092624506, 'in': 0.004723170949371928, 'equal': 0.004388589354354972}, {'that': 0.19334165128296624, 'and': 0.18742737884450153, 'but': 0.10569903914763065, 'as': 0.0761181804251399, 'which': 0.05807654670077377, 'if': 0.03936126387756893, 'when': 0.03767480503209417, 'where': 0.027471127676823876, 'But': 0.024854195042196804}, {'one': 0.03959338450218222, 'day': 0.02582483968235355, 'on': 0.0170773633084465, 'in': 0.016632473091795944, 'person': 0.014011842807818958, 'and': 0.012523785593242753, 'man': 0.012176440066670768, 'two': 0.012140442330540189, 'year': 0.011733683121884676}, {'the': 0.5266962874696369, 'of': 0.07629993792511222, 'a': 0.06464487982399818, 'by': 0.05060591999525749, 'The': 0.03307559264884912, 'tho': 0.028016211013675883, 'in': 0.025275140382859825, 'first': 0.021398609888224687, 'and': 0.017551126085590844}, {'the': 0.11843932726343416, 'and': 0.07871613654901591, 'of': 0.06756974347816833, 'to': 0.06056341849189209, 'a': 0.055158703946848374, 'be': 0.028308930054514785, 'is': 0.024690464023094057, 'in': 0.024259270853385848, 'was': 0.02397057207092326}, {'of': 0.4915235000729868, 'in': 0.13434114438838005, 'to': 0.07448154126736678, 'that': 0.04834481979367416, 'by': 0.027735743796212537, 'with': 0.027463150553231407, 'for': 0.02605923436380253, 'and': 0.025117645908363153, 'In': 0.023903207649526585}, {'the': 0.676635985516451, 'The': 0.10924962569310227, 'a': 0.09190245885260052, 'tho': 0.039846390165584646, 'and': 0.013518890737779527, 'tbe': 0.011644728952486725, 'in': 0.008039907447621328, 'Tho': 0.005027938123304828, 'of': 0.003082873936152545}, {'the': 0.8109308258083465, 'tho': 0.042067219507906456, 'a': 0.028815309819264428, 'The': 0.027636928032103724, 'tbe': 0.01971359894383944, 'his': 0.019309105650245448, 'and': 0.011541594268946733, 'in': 0.007593278318127539, 'its': 0.006528987730371662}, {'the': 0.5409837728451307, 'a': 0.23262652497990643, 'The': 0.03290909571155019, 'tho': 0.025544539703553745, 'and': 0.024224033298151138, 'of': 0.014284045366942617, 'any': 0.013019890729116412, 'great': 0.012298618367825292, 'every': 0.01184739853727411}, {'is': 0.19683117680915482, 'and': 0.1906414441450232, 'not': 0.07515884808393215, 'as': 0.06749721875645744, 'be': 0.059117960094592206, 'was': 0.0586282798318656, 'it': 0.057657100877116285, 'are': 0.0489498165800481, 'Is': 0.040934691304025037}, {'of': 0.2628643499151588, 'at': 0.19649014020805636, 'to': 0.14901372463513998, 'in': 0.06666451264178683, 'on': 0.051545933609521095, 'from': 0.04959656938086496, 'and': 0.0454204730772273, 'that': 0.04299170003422947, 'by': 0.03988524069402021}, {'in': 0.1879007219260358, 'of': 0.13404947562696087, 'the': 0.0965377008558641, 'In': 0.0570922981744242, 'to': 0.054495925613512936, 'a': 0.05437784806063603, 'for': 0.04724177356876362, 'and': 0.0409795032230403, 'from': 0.024564046216132247}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'the': 0.15728601425375424, 'and': 0.0919903134475224, 'of': 0.06033629171908662, 'in': 0.046544493285658066, 'to': 0.03284216993703257, 'for': 0.0317731725208262, 'that': 0.03125718424420181, 'or': 0.025511861308711224, 'be-': 0.024521008381874706}, {'the': 0.09065922918803193, 'of': 0.08591098421633046, 'to': 0.05503288952635014, 'and': 0.05383187927582351, 'in': 0.02523431855787021, 'was': 0.025063391010385027, '<s>': 0.023611825887170375, 'be': 0.021037311707538985, 'a': 0.015205406688106058}, {'and': 0.3149650983353797, 'be': 0.059215079891875334, 'who': 0.05211807074872397, 'he': 0.04710462953680993, 'I': 0.037650766883961295, 'was': 0.03486991816672989, 'an': 0.029102174302446847, 'now': 0.02793191194207256, 'the': 0.025324200574431327}, {'the': 0.16013919480123834, 'a': 0.08689140852964751, 'of': 0.08200508630874084, 'to': 0.05596331073871872, 'and': 0.052992233997799704, 'in': 0.044694988778324125, 'at': 0.034652305772042064, 'on': 0.02148679503121339, 'his': 0.020053774260083087}, {'and': 0.11774493739417771, 'Committee': 0.06377767842410816, 'committee': 0.05984670118721112, 'that': 0.04118872566108462, 'was': 0.02923528336000915, 'or': 0.028181415070993875, 'fronting': 0.020685972221879356, 'land': 0.020012394596390988, 'interest': 0.01964327688388758}, {'of': 0.15111054845645563, 'the': 0.11379093118231547, 'and': 0.056432313381450064, 'to': 0.048668403786410123, 'in': 0.030707271631990607, 'on': 0.02673035182357209, 'a': 0.023869265917574354, 'said': 0.021346175044078902, '<s>': 0.020648096881797213}, {'they': 0.133705774035543, 'we': 0.13291399691894165, 'it': 0.10756904645767014, 'I': 0.10167615166782559, 'he': 0.0854469786889776, 'you': 0.07651973046081681, 'and': 0.06722796720610683, 'It': 0.0587057789778133, 'which': 0.04766321082731863}, {'the': 0.24365898027100616, 'of': 0.09670839937904549, 'a': 0.08267795040354656, 'and': 0.07661253236859103, 'to': 0.04724368941283716, 'The': 0.03142316393800372, 'in': 0.029562373217632082, 'Mr.': 0.023807755141112514, 'tho': 0.018645269941740563}, {'the': 0.41839882703938897, 'of': 0.11151549901490931, 'and': 0.07770766675468227, 'a': 0.056304953192661135, 'The': 0.053329072752033344, 'to': 0.04734066743564515, 'in': 0.03304699913864961, 'his': 0.02859612496326675, 'tho': 0.027476023416140097}, {'and': 0.21340263155155012, 'is': 0.16302625291726883, 'was': 0.10468991219691047, 'so': 0.09933894636871766, 'but': 0.06707633774688095, 'be': 0.061109906273614685, 'has': 0.04832868000825631, 'are': 0.0477054101262382, 'not': 0.04529215151725221}, {'of': 0.3015555042619232, 'to': 0.15207149883391338, 'and': 0.07778282423471501, 'for': 0.060320739973541634, 'with': 0.05570766628673484, 'is': 0.03686214490439571, 'in': 0.03663744023076401, 'as': 0.035472773542685236, 'on': 0.03001815387420805}, {'the': 0.14166836833432883, 'of': 0.11321493339346302, 'and': 0.07602412808658252, 'to': 0.0570974831997663, 'was': 0.05094802262156029, 'a': 0.043943306171094244, 'be': 0.038992159953255806, 'in': 0.038739608073103476, 'is': 0.032839849344731664}, {'to': 0.24495540574135616, 'of': 0.20852152017180792, 'with': 0.11823984233201139, 'for': 0.11296654272365894, 'by': 0.057247303535320544, 'upon': 0.05151225371404362, 'between': 0.04512004058229813, 'among': 0.04291581364841035, 'against': 0.035339762050710856}, {'of': 0.2600239309372203, 'in': 0.16201731914960923, 'at': 0.0471726621251001, 'for': 0.04490031237507926, 'and': 0.04234149550931083, 'In': 0.04179733679052102, 'that': 0.037114444100549024, 'to': 0.03683040038179642, 'on': 0.03117833688392196}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'be': 0.19151557810600683, 'been': 0.1734952612037416, 'was': 0.17092983959358285, 'were': 0.07734852117635901, 'are': 0.07190810389766279, 'is': 0.05258968908138687, 'and': 0.04736230103109874, 'resolution': 0.025499046012040734, 'being': 0.025009239501803136}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'of': 0.3496831355406399, 'on': 0.12135744733203534, 'to': 0.10947834640696602, 'in': 0.0816756415064981, 'from': 0.0593791086387281, 'by': 0.05519933741101878, 'and': 0.03543556723580114, 'at': 0.02823576138586117, 'that': 0.027400032243874203}, {'line': 0.10241348951485318, 'street,': 0.059134686885006504, 'and': 0.057044587612726065, 'difference': 0.040868987077071754, 'of': 0.024631205824894174, 'street': 0.020479425642404073, 'or': 0.018577402976063553, 'lot': 0.01818997647132036, 'relations': 0.017658322572615397}, {'of': 0.25862052763252813, 'to': 0.11197613806679155, 'in': 0.10295104435676526, 'with': 0.07380460955197411, 'on': 0.05353403737831844, 'and': 0.04777229345001779, 'for': 0.04567906412807066, 'by': 0.04207755826294618, 'from': 0.03746636386983616}, {'of': 0.27824731789490187, 'to': 0.10408630051781576, 'in': 0.09702245921766653, 'and': 0.09620933826993969, 'for': 0.09224631552943678, 'with': 0.06277280605486373, 'that': 0.059243063030575804, 'by': 0.04327527910548878, 'from': 0.03389893108303021}, {'the': 0.22133675283339163, 'of': 0.16871073555809737, 'a': 0.11737542381247851, 'and': 0.1108498035803193, 'in': 0.05575330917503953, 'that': 0.04766893624095615, 'was': 0.025615517078326752, 'no': 0.02265272589307588, 'his': 0.021942704191829907}, {'that': 0.2524288038459472, 'and': 0.22292053578164364, 'but': 0.07544509777827232, 'as': 0.06583910440454453, 'if': 0.05435705226439772, 'which': 0.03855577008157428, 'If': 0.03481695456177362, 'where': 0.032482682700569525, 'But': 0.02812097677450717}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.19895756040878376, 'have': 0.1392896026041734, 'had': 0.1261625989548895, 'has': 0.10652735932372256, 'will': 0.10556760620990038, 'not': 0.07553823324148685, 'would': 0.0698895490179399, 'they': 0.04236728738596837, 'may': 0.03735017620482483}, {'of': 0.35020495072595537, 'and': 0.09697918409085503, 'to': 0.08194118891831886, 'with': 0.07204277108091785, 'for': 0.06611092425503781, 'that': 0.06216078988925856, 'by': 0.061302235766674956, 'on': 0.047489291936742846, 'from': 0.03907553775901376}, {'the': 0.13207031937705438, 'of': 0.10608669006144157, 'to': 0.04823071805554735, 'and': 0.04503725366351494, 'in': 0.02133402157773027, '<s>': 0.021050231558768784, 'was': 0.020852596669252852, 'on': 0.02070782616497043, 'for': 0.019992228625978575}, {'men': 0.04130405645935336, 'hundred': 0.022378952269648575, 'up': 0.015576347689528142, 'women': 0.01543195202311535, 'wife': 0.01394647357144522, 'time': 0.012301841363419325, 'dull': 0.011729344984805873, 'land': 0.011377572588391007, 'quiet': 0.011283778265491361}, {'those': 0.13427256931666573, 'and': 0.08634822997269134, 'man': 0.06920086734969934, 'men': 0.06122459227562266, 'people': 0.026449811102879316, 'one': 0.02021157827605792, 'all': 0.01884176736742614, 'woman': 0.01249941786010368, 'men,': 0.01094899910339607}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.1916144003594524, 'that': 0.1563949444429718, 'as': 0.15293878062521685, 'but': 0.0470765399601518, 'even': 0.03760902868782509, 'or': 0.023812013359426402, 'But': 0.023581596614490816, 'And': 0.020098171397989948, 'and,': 0.019637785089070197}, {'a': 0.46852895620524, 'the': 0.27420109530024983, 'large': 0.08134309135719768, 'The': 0.02810517984694978, 'A': 0.023680181931319304, 'total': 0.017482986670636552, 'great': 0.014965949645046245, 'this': 0.012842315468609394, 'any': 0.01258108130083346}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.10462047831469956, 'of': 0.10110358872609558, 'to': 0.09890132523216477, 'and': 0.05069271418075697, 'in': 0.028018045881319346, 'on': 0.025812656226692973, '<s>': 0.02536059187773316, 'a': 0.02070391004975502, 'at': 0.02067421152314705}, {'in': 0.2363136295635837, 'of': 0.11112652922772065, 'the': 0.08474547792452086, 'In': 0.08193194032244336, 'with': 0.0698569017993252, 'any': 0.06604543898202163, 'and': 0.06459292579295368, 'from': 0.059733187339867024, 'for': 0.05592095130771672}, {'the': 0.4663759632295935, 'a': 0.21006783594881856, 'and': 0.05709684905885779, 'our': 0.03796144781120534, 'The': 0.035098908614544164, 'tho': 0.03287826741347326, 'their': 0.02856091031816379, 'of': 0.02602052502360159, 'this': 0.02179826288097158}, {'the': 0.10152350330723316, 'and': 0.08585345918703786, 'be': 0.06651110320896302, 'was': 0.06604720700496236, 'of': 0.061521023673210634, 'to': 0.04656741658199581, 'is': 0.04004951896640153, 'been': 0.03296236907398091, 'a': 0.028864141860157844}, {'the': 0.11190104999493916, 'and': 0.09452185845870732, 'of': 0.09067840816170819, 'a': 0.043290822204662176, 'to': 0.04215274199204352, 'I': 0.023710766357062728, 'in': 0.02103173302041137, 'that': 0.02016507077263771, 'at': 0.017571941376882467}, {'the': 0.16269157097962672, 'and': 0.09884393867935541, 'of': 0.08904456159848333, 'Mr.': 0.0370590862607575, 'to': 0.03142585674727882, 'The': 0.02943016674994046, 'that': 0.024227209051472545, 'he': 0.021293463084803853, 'his': 0.018083767213160684}, {'and': 0.1163419761332557, 'of': 0.10297471757800165, 'to': 0.09415471994961075, 'the': 0.09058168262079154, 'in': 0.03435162090594958, 'or': 0.02439619032095448, 'be': 0.023416476628463825, 'a': 0.021746322612424755, 'was': 0.01970754117802618}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'the': 0.7345399044845355, 'The': 0.04067297187307431, 'and': 0.03940361816606202, 'tho': 0.02626019285896236, 'no': 0.01765609603553525, 'much': 0.013210715063161594, 'tbe': 0.011365248045956643, 'their': 0.010904729564361823, 'little': 0.010135026808310684}, {'of': 0.26443096421806345, 'in': 0.12114054640639244, 'with': 0.09893270577112276, 'and': 0.07415432934872336, 'is': 0.07294917196921072, 'to': 0.0724779810421757, 'as': 0.06498217960037342, 'by': 0.06340807843502798, 'was': 0.04965785438585822}, {'the': 0.5364973857019355, 'his': 0.08136767960028678, 'a': 0.0601599057453663, 'of': 0.04870826042521602, 'and': 0.03955277948330736, 'my': 0.03578619268678345, 'their': 0.0357199779510145, 'tho': 0.034716069647014035, 'its': 0.028199509963870772}, {'Mrs.': 0.11505181511955401, 'and': 0.10223092615844687, 'to': 0.060751978089816285, 'of': 0.04973348550058718, 'Mr.': 0.0327967669509109, 'by': 0.030620390665438032, '.': 0.027208027979089274, 'from': 0.023335408435278236, '<s>': 0.022012526156932572}, {'the': 0.1299130054464504, 'of': 0.12347778385929507, 'to': 0.07971156904920203, 'and': 0.057367172388908344, 'a': 0.03753804202237276, 'be': 0.02924823733073799, 'in': 0.027736222407454766, 'is': 0.02403237691878718, 'not': 0.02089140428228659}, {'that': 0.2377048454921233, 'as': 0.1690848388111389, 'if': 0.1034608487588885, 'which': 0.09874954011162415, 'and': 0.07090484104151293, 'will': 0.06107925674335209, 'when': 0.04075501224919139, 'would': 0.04074573568216808, 'should': 0.0289446419421647}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.12808634432717125, 'the': 0.09166209874627178, 'and': 0.08955038311897408, 'to': 0.06487050474674738, 'in': 0.04911828680651318, 'for': 0.028383517255831756, 'a': 0.026904687839472734, 'at': 0.025414837625611524, 'that': 0.025352958268556703}, {'of': 0.13409019330215372, 'large': 0.12090999023656293, 'the': 0.11360706338314146, 'in': 0.11211907127725902, 'such': 0.09993617211877295, 'and': 0.09281153765611574, 'great': 0.04364599405140344, 'a': 0.03735765879204614, 'much': 0.032963742106215846}, {'the': 0.19541326398004585, 'his': 0.1765821972716632, 'an': 0.12727054019669715, 'of': 0.07439229618091758, 'this': 0.04695927121557193, 'my': 0.04680214836333755, 'in': 0.04356666412552978, 'post': 0.028583917600012335, 'to': 0.020455068053393626}, {'be': 0.2677015273148999, 'a': 0.11490127838860467, 'is': 0.11239011270306856, 'most': 0.09410083029879378, 'was': 0.07554887581040595, 'and': 0.07025657910016281, 'are': 0.0658837344676556, 'the': 0.05506534565700448, 'been': 0.03658326369675853}, {'the': 0.5897901329528897, 'tho': 0.05301007275160868, 'this': 0.0490449832875553, 'The': 0.045505262620474225, 'their': 0.04515274682496352, 'a': 0.04128242673991683, 'his': 0.037733467975682174, 'con-': 0.03133882250502404, 'our': 0.028618178790101034}, {'the': 0.2738140965825298, 'a': 0.10377600891897264, 'and': 0.07307685248357612, 'of': 0.06117139615010767, 'in': 0.034982596441658055, 'to': 0.029342943790075862, 'The': 0.023230946661102776, 'his': 0.020354578366427217, 'this': 0.01831452865294274}, {'they': 0.1796676992947193, 'who': 0.08249561738610543, 'we': 0.0676550789989651, 'which': 0.05312046250553337, 'there': 0.053054749407249434, 'and': 0.05000012140960143, 'They': 0.034798865400002925, 'you': 0.03201397176036912, 'that': 0.031310371404091535}, {'is': 0.20756648364066796, 'and': 0.16435493763043368, 'are': 0.1298916810185611, 'but': 0.03995012546611927, 'which': 0.034539465729788, 'Is': 0.033405328771593586, 'that': 0.032694236518814236, 'was': 0.03090143583926447, 'not': 0.028102809722207838}, {'of': 0.47390168695826757, 'that': 0.09297842856830167, 'the': 0.08657559170937522, 'and': 0.04980175014040167, 'by': 0.04076402843691917, 'in': 0.03840653067971955, 'to': 0.033785802437245334, 'this': 0.023528838386155913, 'for': 0.01889378736205599}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.5654847264832484, 'a': 0.0615025524432977, 'and': 0.04136233639343141, 'tho': 0.039272430273057435, 'this': 0.0357506898441475, 'or': 0.02940185777497713, 'The': 0.028941951105609317, 'of': 0.02812889543574422, 'any': 0.02769992732027288}, {'of': 0.271919492016204, 'in': 0.23268846098663307, 'to': 0.08962929012098077, 'for': 0.07989549889223926, 'at': 0.06171931262183614, 'In': 0.05737268065241316, 'with': 0.04382210909944075, 'and': 0.037691298108112156, 'by': 0.03365897597967412}, {'and': 0.2344602366629206, 'have': 0.1273976522584971, 'had': 0.10481009988447022, 'I': 0.09922591896545754, 'has': 0.08122482033072367, 'he': 0.0796081195087938, 'is': 0.0466933337425669, 'they': 0.04521568576528251, 'was': 0.041230455162166675}, {'of': 0.27716306302232435, 'in': 0.14782977255774557, 'and': 0.09548060475390201, 'for': 0.07150075192653221, 'to': 0.07032865713559282, 'with': 0.06969139620221176, 'on': 0.05474341604837815, 'by': 0.04864203358065183, 'from': 0.04614931783259938}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.19491935083600012, 'that': 0.1092926948155677, 'for': 0.09077285549530112, 'and': 0.08504463245742909, 'by': 0.0819509433431708, 'in': 0.07201712201234135, 'to': 0.062482122777561384, 'with': 0.04224925812373213, 'on': 0.03540803322085598}, {'the': 0.1980956479095916, 'of': 0.09518519920226247, 'and': 0.05804163213346715, 'in': 0.04508167336357409, 'a': 0.041703714456530115, 'to': 0.03894523366437288, 'at': 0.03695848969989638, 'on': 0.03489087406836949, 'by': 0.02376720754867266}, {'the': 0.12244536097349336, 'and': 0.11790963829609566, 'of': 0.11222695872211359, 'a': 0.06906188683592139, 'to': 0.05308578253522564, 'or': 0.03266128740067955, 'are': 0.027731379950627005, 'is': 0.02498872117890924, 'for': 0.02255949860125798}, {'of': 0.16971330691563238, 'in': 0.0854803955886446, 'as': 0.08243326630854401, 'is': 0.08097184462694967, 'to': 0.07481118103173896, 'with': 0.06615096415578633, 'by': 0.06180832942552067, 'and': 0.05656248403684856, 'was': 0.05543822801590321}, {'will': 0.2037865920682315, 'and': 0.15857942374543313, 'can': 0.06080143870948677, 'was': 0.055332813541623935, 'the': 0.05506841628436613, 'would': 0.048500345940460196, 'it': 0.04510193015146925, 'had': 0.04320113145260651, 'that': 0.04113370606084997}, {'in': 0.24985372158762378, 'of': 0.11714307309391798, 'to': 0.1073090931056759, 'on': 0.06611377718871117, 'by': 0.06424774663370227, 'from': 0.06292687990386335, 'with': 0.0628459106813211, 'upon': 0.0539149607291715, 'In': 0.04854265896863183}, {'the': 0.1158741171058204, 'and': 0.08038301359397447, 'of': 0.06815628025012249, 'to': 0.0435009691665075, 'in': 0.0390670278439807, 'a': 0.027189362652693467, 'his': 0.02254921862465849, 'said': 0.01943885003446243, 'that': 0.018805388296061317}, {'the': 0.5776447362360526, 'a': 0.14319741313547202, 'and': 0.05593563260175518, 'The': 0.05063422989647125, 'of': 0.0325561573292426, 'tho': 0.026458471135713233, 'great': 0.019358859088282616, 'for': 0.014793570709878209, 'or': 0.01254317251641156}, {'and': 0.15326958018335574, 'that': 0.04354319199698566, 'or': 0.03572654649472157, 'is': 0.034186766601123984, 'was': 0.025679630561259336, 'are': 0.02502758154002786, 'made': 0.020625968169399777, 'but': 0.01996011070806827, 'be': 0.018964720394219817}, {'the': 0.21021867751949253, 'and': 0.08951539016327613, 'of': 0.0753391915234611, 'a': 0.06517488204455445, 'The': 0.03275325212289924, 'to': 0.026719458064583448, 'in': 0.023831065208989515, 'with': 0.01817987370366717, 'Mr.': 0.016579527268007068}, {'it': 0.22627549004256103, 'It': 0.14382924771344463, 'which': 0.058548775185208686, 'he': 0.04733684456003108, 'and': 0.043720665595144, 'that': 0.03984652935210813, 'there': 0.029090697629774773, 'who': 0.024737611177075763, 'This': 0.017541571030356758}, {'the': 0.20561548494441845, 'and': 0.11746271913486443, 'of': 0.06878552901227741, 'to': 0.048877292874456, 'in': 0.046036770539689416, 'that': 0.03889066947894079, 'a': 0.033271883299804385, 'for': 0.020704445355237293, 'which': 0.020204238796403887}, {'to': 0.2710523990094372, 'the': 0.20307106655204948, 'at': 0.10304049039119607, 'of': 0.0744031042084495, 'his': 0.05851641226419599, 'their': 0.04967450301081042, 'and': 0.0385729767631913, 'no': 0.02937946478740589, 'will': 0.02499126865877412}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.11953544944801955, 'and': 0.08785412249046326, 'of': 0.08193268364100523, 'a': 0.06158882262118992, 'to': 0.05111264948554867, 'be': 0.04540203842580385, 'was': 0.03379942498491396, 'is': 0.024262842547177633, 'as': 0.020650224761781133}, {'<s>': 0.053778097658516544, 'it.': 0.03679518025658707, 'them.': 0.02225499777409666, 'him.': 0.013367383555834392, 'country.': 0.011318956064032153, 'time.': 0.010985060906852593, 'again.': 0.008979132109447476, 'people.': 0.008660110697128649, 'life.': 0.00800788424483247}, {'the': 0.5007798520784429, 'a': 0.18963576274707847, 'The': 0.07431610082461489, 'and': 0.05342678040540541, 'of': 0.03835889192787448, 'tho': 0.02956916853326664, 'any': 0.029421085454110252, 'some': 0.02604069822163909, 'no': 0.020446212365712563}, {'have': 0.1791522519252164, 'and': 0.16716720911210003, 'has': 0.09566796864958563, 'had': 0.0844144641135047, 'they': 0.05839279484921886, 'I': 0.057072224534287765, 'who': 0.05212721491492393, 'he': 0.048580840007087706, 'we': 0.033397886693864}, {'of': 0.3839258883284988, 'in': 0.10437818533788804, 'at': 0.09275245387815315, 'to': 0.08384889903109649, 'by': 0.06110574369286788, 'for': 0.05396009476061464, 'from': 0.04807331151798599, 'on': 0.04672649505496242, 'and': 0.04539000663484577}, {'of': 0.1579339430887893, 'to': 0.10351161840081317, 'as': 0.0869780574078809, 'and': 0.086117901965118, 'was': 0.08264638065161084, 'is': 0.07650470397582368, 'in': 0.07543207544263854, 'for': 0.06916204197294887, 'with': 0.0552447735498639}, {'be': 0.2641063252298623, 'was': 0.16543801324802668, 'been': 0.0955382439009273, 'are': 0.08068887311891071, 'were': 0.08056910322248234, 'is': 0.07880174326249391, 'he': 0.04585089371986552, 'have': 0.04575473055040567, 'and': 0.04187159115964583}, {'and': 0.11610082320780474, 'do': 0.06715448809404495, 'was': 0.05625064702079133, 'amended': 0.054814477845873545, 'as': 0.04915098627623175, 'is': 0.045769254176280603, 'be': 0.04488175302564764, 'not': 0.04438825277498783, 'are': 0.04051069221481359}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {'to': 0.40393825251339166, 'will': 0.10973480429767524, 'would': 0.0779293122912981, 'not': 0.060528878561992155, 'I': 0.055210671120776725, 'and': 0.05167589524336647, 'the': 0.042712788217007136, 'can': 0.03786570841161534, 'they': 0.03030224823290969}, {'men': 0.029560252033593165, 'made': 0.0212468346124197, 'wife': 0.016579189608274415, 'up': 0.014298066120353918, 'right': 0.010989938767441218, 'in': 0.010656269186264377, 'city': 0.009162637237506896, 'day': 0.008987939756675771, 'it': 0.00898432353504065}, {'number': 0.04735447057508733, 'out': 0.034883444955679244, 'day': 0.025021157641973626, 'one': 0.022697357419970685, 'and': 0.020511399427990913, 'tion': 0.01991248095707187, 'part': 0.01816529177589187, 'time': 0.018034012161145117, 'that': 0.017882120388558364}, {'of': 0.2932084079459049, 'in': 0.11670830385368884, 'to': 0.10062443877839133, 'and': 0.06796840060140165, 'by': 0.06597859746813013, 'on': 0.06265044796848852, 'that': 0.0570394882021871, 'with': 0.05178369738933115, 'for': 0.04630497655473588}, {'the': 0.7531576880017457, 'The': 0.05478117481440302, 'a': 0.035603276485338085, 're-': 0.026805920503067033, 'tho': 0.025290983601377715, 'and': 0.023373209603613408, 'his': 0.014310704201749434, 'this': 0.011690614884293377, 'to': 0.011298458703139792}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.18803941644709826, 'of': 0.11522818722431373, 'and': 0.08648341734776388, 'Mr.': 0.0474969010395837, 'a': 0.04095083319531486, 'to': 0.03040999167925858, 'The': 0.026234978086882004, '.': 0.0227308480603788, 'by': 0.020074567106117238}, {'the': 0.602886452834178, 'of': 0.10496073448010095, 'and': 0.04552584517692665, 'tho': 0.031937156559426104, 'their': 0.024688902885562823, 'other': 0.021353214250670563, 'The': 0.020456570111327857, 'his': 0.01886735299390221, 'in': 0.018399898983538394}, {'the': 0.15392683342081454, 'of': 0.11696063921320592, 'and': 0.0643086592892909, 'a': 0.041893563697354946, 'to': 0.04076405840085335, 'at': 0.03078721516122707, 'in': 0.028485842252740826, 'be': 0.023325502547114584, 'his': 0.02164167695368225}, {'<s>': 0.07945282282169182, 'it.': 0.021871844654328624, 'them.': 0.020149451620296223, 'time.': 0.011920429395017898, 'him.': 0.01175540781892826, 'country.': 0.009985899746700732, 'of': 0.009526762547824617, 'day.': 0.009506491992695917, '.': 0.008487310381331587}, {'w': 0.5495201298471558, 'and': 0.052482210670107624, 'of': 0.03037068012176397, 'was': 0.028174358989136738, 'is': 0.024441138939113947, 'a': 0.01693480583421088, 'have': 0.016055635085039134, '<s>': 0.014578723453498576, 'are': 0.013267369774512013}, {'of': 0.3402076988317148, 'to': 0.13653584287935955, 'for': 0.09973794106482226, 'with': 0.07663072457486564, 'upon': 0.04602585278795812, 'among': 0.042118244364203, 'by': 0.027145616067531166, 'from': 0.026817273207732736, 'before': 0.02362180159614032}, {'and': 0.2719519432557381, 'was': 0.07937140308627107, 'is': 0.060102655627061984, 'are': 0.045465644404213135, 'do': 0.045007670623315725, 'that': 0.037844376652921445, 'or': 0.03511962313497062, 'were': 0.030778083258836048, 'but': 0.028685880224256995}, {'the': 0.7772378041040228, 'tho': 0.02696282799177124, 'a': 0.019941480839151017, 'of': 0.018989132276330013, 'this': 0.016156659512658142, 'The': 0.013760172234951355, 'tbe': 0.011666824601299825, 'our': 0.009218979069960899, 'American': 0.007243654346255786}, {'it': 0.19908344282178247, 'It': 0.16115144844151086, 'which': 0.08403566871358577, 'he': 0.0579418882706205, 'and': 0.04978788259222662, 'there': 0.04546983330905138, 'what': 0.040776832253772814, 'that': 0.04021213890691902, 'This': 0.0358741319915582}, {'is': 0.2434453413535375, 'was': 0.17979805923132447, 'and': 0.16716155281873463, 'are': 0.06745184506524585, 'were': 0.045493022078957265, 'but': 0.04308117054583098, 'Is': 0.03129595509422158, 'He': 0.031031789903022397, 'has': 0.026144349926688078}, {'of': 0.36848410787950314, 'in': 0.10386537405824178, 'to': 0.10144171511377319, 'that': 0.07418853421625168, 'and': 0.06388263407035263, 'on': 0.05554597462828971, 'by': 0.04977608220509979, 'from': 0.03720906271256216, 'with': 0.032087971912437785}, {'and': 0.1895290283724376, 'the': 0.1466260952652863, 'most': 0.1089090365833454, 'a': 0.09233550258987452, 'that': 0.08034279081253602, 'of': 0.06305813307088994, 'to': 0.0627244190626436, 'in': 0.04603148044334734, 'are': 0.037723187947471024}, {'that': 0.3069202672913488, 'and': 0.14339357405958575, 'as': 0.07972762923279587, 'if': 0.0643850510842779, 'which': 0.05458297297338942, 'but': 0.051233397586979014, 'why': 0.03439092074424455, 'when': 0.03359230261414814, 'If': 0.029900796788261488}, {'the': 0.1400957158539858, 'and': 0.09301867970302506, 'of': 0.08529826892208961, 'to': 0.06402862219550355, 'in': 0.05163117879394684, 'his': 0.03469351165048399, 'be': 0.034558174695558046, 'a': 0.03101004150647936, 'for': 0.029550703883572692}, {"Harper's": 0.07646683045668555, 'the': 0.04164963633383531, 'of': 0.02505412654814299, 'and': 0.015018984859145067, 'No': 0.012123445178309272, 'Mr.': 0.011195996275376027, 'lying': 0.010576325333543097, 'lot': 0.00880983537988435, 'a': 0.007078222234775818}, {'as': 0.07372526526899076, 'and': 0.07005322074224189, 'it': 0.058276700970593294, 'up': 0.05226566709297537, 'addition': 0.03352834450673418, 'regard': 0.028734711926963374, 'came': 0.02867363194279898, 'come': 0.028075301894353356, 'similar': 0.026278354549222324}, {'Van': 0.8575557695042136, 'of': 0.014656169715916854, 'and': 0.005809915481240244, 'the': 0.004841441421112809, 'A': 0.004008866201127898, 'Mr.': 0.0035805183248334427, 'author-': 0.0026914101162287657, 'a': 0.0022628203442248405, '<s>': 0.0022361208110945746}, {'not': 0.4008977801836307, 'is': 0.1169131904139303, 'was': 0.09498215697630408, 'and': 0.04759430671301169, 'are': 0.04687517233502109, 'the': 0.031710715654147924, 'be': 0.028868232903117724, 'were': 0.027415979985567277, 'had': 0.020166078471346424}, {'be': 0.16653015845664504, 'was': 0.10996715813911602, 'and': 0.10408357772198253, 'have': 0.087252771819233, 'had': 0.0842468078860118, 'are': 0.0838227246203489, 'been': 0.08259127932551143, 'were': 0.07627746730332309, 'is': 0.07186325009263796}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'be': 0.14911802573906882, 'and': 0.14411202082153585, 'was': 0.12403631327882826, 'he': 0.09618290018490037, 'been': 0.05202092461325028, 'were': 0.05017706067353202, 'I': 0.050102246169969666, 'they': 0.04618570346262254, 'have': 0.04324725282935163}, {'in': 0.1465880746331794, 'as': 0.14053603609397353, 'for': 0.12227797386559654, 'of': 0.11699223467228026, 'is': 0.07438841099554255, 'with': 0.07107029739370527, 'to': 0.05998180545611229, 'and': 0.05315641796681287, 'such': 0.048409027816483235}, {'one': 0.12997433510289522, 'some': 0.08377118011625742, 'many': 0.04798800343674219, 'all': 0.042975672200868224, 'out': 0.04219586849122639, 'part': 0.041883132869109004, 'any': 0.029807825633738856, 'most': 0.027505834149940185, 'portion': 0.025991348419213797}, {'is': 0.09384935108013277, 'and': 0.0935564921612768, 'was': 0.07142224498645891, 'be': 0.056516124847576385, 'are': 0.05032797102367498, 'it': 0.03108434281973448, 'made': 0.026106933356723996, 'not': 0.025230299275058196, 'were': 0.023287364265844015}, {'in': 0.3076761983957227, 'a': 0.2523060545244977, 'In': 0.15557316677815988, 'the': 0.1363454267625975, 'this': 0.03563750060663666, 'and': 0.018637667436526503, 'of': 0.010751014434046672, 'iu': 0.010699142819453526, 'great': 0.009667423469866886}, {'of': 0.1816109258225304, 'to': 0.1688326149602817, 'in': 0.12977794369163256, 'at': 0.1185694606892496, 'on': 0.07077859989418524, 'and': 0.06977357185232941, 'from': 0.061677027520805436, 'with': 0.04194636873659912, 'that': 0.03830130954499181}, {'it': 0.25396693856175434, 'It': 0.15964118636245625, 'which': 0.07041018478702073, 'he': 0.05506825318454497, 'there': 0.04243798986955378, 'that': 0.04214057951828532, 'and': 0.03353335687084561, 'who': 0.026182583964695402, 'what': 0.02187956692584746}, {'it': 0.13658167586337025, 'which': 0.12001920240972701, 'It': 0.11782804746711427, 'that': 0.078280563328333, 'who': 0.070133317669197, 'he': 0.06995204226584692, 'there': 0.05496290335222193, 'and': 0.0343987140609245, 'There': 0.029626703982828646}, {'went': 0.0859649131984472, 'go': 0.0740156727463613, 'came': 0.05340569088270274, 'back': 0.046824518702947265, 'it': 0.046591197665674745, 'out': 0.04597094137011748, 'put': 0.04419418637857149, 'down': 0.040075377835223074, 'come': 0.03708818962066005}, {'and': 0.12112725079668457, 'was': 0.04834750362559803, 'arrived': 0.038909460873134794, 'that': 0.0351040047662628, 'but': 0.03457522978247235, 'is': 0.028421452135260823, 'made': 0.02808858121643253, 'held': 0.027907586956967042, 'look': 0.027320488455472074}, {'called': 0.07132562689630449, 'and': 0.06746148414159855, 'depend': 0.03613056949993523, 'due': 0.03546505643417316, 'levied': 0.03468617112274471, 'look': 0.034007904615996246, 'based': 0.03373699140674678, 'made': 0.03257244938323419, 'placed': 0.03198789668946828}, {'of': 0.2590428399927292, 'to': 0.13648104035805597, 'in': 0.12005441508583749, 'for': 0.08713168664812183, 'and': 0.06967483437466775, 'by': 0.06673678695097436, 'that': 0.050726572866725814, 'from': 0.04763542465490477, 'with': 0.039066518819371746}, {'is': 0.2792613061260867, 'was': 0.20671730935251173, 'are': 0.09178108325248885, 'were': 0.046507479063393864, 'Is': 0.04469769583748453, 'as': 0.03826034886793637, 'it': 0.03755961605193396, 'and': 0.03630077112108177, 'do': 0.034139913326040036}, {'the': 0.08701823429142183, 'and': 0.07742122038590957, 'of': 0.07335393896535423, 'to': 0.062233809247588014, 'be': 0.05605196526134993, 'a': 0.0443398717049855, 'in': 0.02887674364934766, 'was': 0.026775899629514398, 'is': 0.02581241996473295}, {'a': 0.25132366884771373, 'so': 0.19213719856157738, 'the': 0.1686206100707838, 'has': 0.06126802709176428, 'have': 0.06013744698865862, 'had': 0.05562177494667215, 'and': 0.03784358869472623, 'very': 0.03779484600273856, 'not': 0.03201067353920618}, {'the': 0.29303080329568765, 'a': 0.1649622204242838, 'of': 0.11344304998959993, 'last': 0.1101890996346756, 'this': 0.07405175824844237, 'past': 0.04620652063745648, 'some': 0.043193561376874294, 'for': 0.040412702431439546, 'his': 0.03834259370147447}, {'and': 0.09373567240246293, 'depend': 0.03836338004663328, 'based': 0.03824772294080833, 'placed': 0.037658878880170873, 'depends': 0.03741630306694303, 'called': 0.03668431560508889, 'down': 0.03262298769122071, 'made': 0.03233144866418736, 'effect': 0.02839860992487969}, {'of': 0.25497656366884425, 'on': 0.1271808238290715, 'to': 0.10101458272176171, 'in': 0.09565102134824192, 'at': 0.06746789849197285, 'and': 0.061364468996919934, 'from': 0.058759059890069264, 'for': 0.04997479736705903, 'by': 0.04488867091836469}, {'the': 0.15477947330437433, 'and': 0.08064109776065387, 'of': 0.06369450632074011, 'Mr.': 0.04778064966346167, 'a': 0.04295985708915189, 'The': 0.03609789046921171, 'that': 0.031165051433256236, '.': 0.015342278700217139, 'to': 0.014919901830058434}, {'the': 0.4530588737552828, 'of': 0.15441398515176397, 'The': 0.05531620775175208, 'in': 0.046908118106173374, 'and': 0.04495523140770188, 'that': 0.03587989185281591, 'tho': 0.02096909126694287, 'from': 0.014498483350178651, 'County,': 0.010689015728504336}, {'be': 0.197223417934864, 'and': 0.11679847886781047, 'was': 0.08993292616817213, 'is': 0.07442261864413725, 'been': 0.07135721318909359, 'he': 0.058593336981708204, 'the': 0.04851430950459687, 'are': 0.042160961428627346, 'has': 0.027837715270363942}, {'the': 0.2181793076407424, 'Mr.': 0.07857785193258426, 'of': 0.07295098089280648, 'The': 0.0637307994810779, 'and': 0.05885440013072087, 'that': 0.046435186239938524, 'a': 0.02853125724501091, 'his': 0.01870642531244085, 'Mrs.': 0.016344916628177258}, {'to': 0.30670222142294423, 'the': 0.11390635868602335, 'and': 0.10459947164059027, 'I': 0.050762683506116055, 'will': 0.037675400473482286, 'not': 0.036188268024905136, 'would': 0.028010733524898444, 'a': 0.020336866870885192, 'they': 0.019332439187485}, {'want': 0.09028734447220056, 'glad': 0.07806188157006223, 'him': 0.06424601421793422, 'and': 0.05944486347278352, 'wanted': 0.05830698170067461, 'able': 0.05482554003064023, 'me': 0.04389873246857758, 'them': 0.039627018195686314, 'surprised': 0.038807019499280705}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'as': 0.8840894604669772, 'so': 0.028437423257232256, 'ns': 0.011929329271280388, 'aa': 0.011047856787089382, 'As': 0.010414695610337478, 'is': 0.00893747547579366, 'be': 0.008051337819433855, 'and': 0.006007076488461073, 'very': 0.005785580047880202}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'set': 0.09481785820453528, 'it': 0.08510782645567261, 'put': 0.07933681996252077, 'came': 0.07686011909894044, 'taken': 0.0717990101813044, 'went': 0.0651462547876973, 'made': 0.05325874357824584, 'take': 0.05104184652341607, 'picked': 0.050225554430307046}, {'be': 0.2949908523688779, 'is': 0.18329357262416512, 'was': 0.09091029369376555, 'not': 0.06386043597928523, 'it': 0.06019574029054321, 'been': 0.055268011761020724, 'and': 0.04939566457952835, 'as': 0.043053087712783336, 'are': 0.042135850709958365}, {'the': 0.16130088578582621, 'and': 0.09446945259211914, 'of': 0.09034177654043461, 'that': 0.07075992773696409, 'in': 0.060607924566362006, 'which': 0.03149236428868763, 'The': 0.026415367951273402, 'as': 0.02307842053489606, 'Mr.': 0.021391784927871364}, {'the': 0.7464757049796513, 'The': 0.10153996635172616, 'a': 0.036653845571403776, 'tho': 0.0365752388826969, 'his': 0.016293941343951075, 'tbe': 0.013378895301057738, 'this': 0.012546776282596322, 'their': 0.006180916083087852, 'its': 0.0050578341038532365}, {'of': 0.23463013748713749, 'a': 0.14654297131476818, 'the': 0.07339318020507012, 'to': 0.06830217454124018, 'in': 0.04784715639249356, 'and': 0.04098036351592935, 'as': 0.039590815191029305, 'on': 0.02906386959307177, 'was': 0.02906344050084282}, {'and': 0.24389691913795097, 'that': 0.07131980037184127, 'time': 0.06295527469493165, 'but': 0.05016557235716296, 'which': 0.027392503395439444, 'or': 0.024365059905556534, 'it': 0.022733971752617807, 'day': 0.018474389429909484, 'which,': 0.017168548628233398}, {'was': 0.12986566741007538, 'is': 0.12565260621177216, 'of': 0.11047407580828271, 'and': 0.08901568631268059, 'an': 0.07449554301900856, 'are': 0.061621698892678115, 'the': 0.06114672263325735, 'were': 0.04017529548723825, 'in': 0.0368237135383096}, {'time': 0.014309602889709219, 'it': 0.012983948221014969, 'good': 0.012475031045012294, 'more': 0.012138469720650715, 'prompt': 0.010525009435226737, 'due': 0.009978749900655913, 'him': 0.009957208472656855, 'them': 0.009634528629396379, 'men': 0.008979020194391223}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'as': 0.0711422227779465, 'up': 0.05501880879271295, 'come': 0.048618343500902446, 'and': 0.042582849258452335, 'back': 0.042363533884198855, 'came': 0.04167607782390628, 'go': 0.04030470933971215, 'it': 0.03250162435656944, 'regard': 0.031880975711791985}, {'they': 0.19266639541368835, 'we': 0.10813194724481592, 'who': 0.09236132383358689, 'and': 0.07560608701110838, 'you': 0.07439579282914031, 'which': 0.05649470166062753, 'They': 0.05001535490681363, 'there': 0.045048165790352146, 'We': 0.04470575203921308}, {'the': 0.25226936957537277, 'of': 0.14214428587473427, 'to': 0.08635600919860514, 'a': 0.034662235228675446, 'and': 0.03398937294297035, 'this': 0.03139478148371469, 'for': 0.02795470490769591, 'in': 0.027385589040019215, 'The': 0.02412743080503828}, {'not': 0.27136851348071656, 'is': 0.12187425489146346, 'the': 0.11541959437353473, 'and': 0.10071029384247976, 'was': 0.09708902504889787, 'are': 0.06967473240099943, 'were': 0.044773407469067834, 'Is': 0.022131731822274035, 'be': 0.02016822555137576}, {'of': 0.25195823432900744, 'in': 0.13396065431053006, 'with': 0.07888425561519453, 'is': 0.07049045713881659, 'and': 0.06722508430553137, 'by': 0.06572733239959294, 'was': 0.06349154628313101, 'to': 0.05626942208707508, 'as': 0.05611238506649331}, {'the': 0.6587650302002167, 'The': 0.1687480540716203, 'tho': 0.03372756095842341, 'of': 0.033259060739565444, 'this': 0.016141845731998613, 'and': 0.015502082802521317, 'tbe': 0.010575000857170868, 'our': 0.010547395237358556, 'a': 0.01014008483318157}, {'to': 0.3933702153545875, 'not': 0.37548653593667136, 'will': 0.05413799092278417, 'never': 0.030386474600956406, 'would': 0.024421206703006983, 'and': 0.01868168850102545, 'a': 0.014190097146891187, 'shall': 0.011277378936241032, 'must': 0.009228146990757023}, {'and': 0.18666562309531656, 'of': 0.18514815849030958, 'to': 0.07598417904649676, 'in': 0.07003245584186288, 'from': 0.04587620247056614, 'all': 0.04480549089163309, 'on': 0.02535001818541603, 'with': 0.020177141416460077, 'said': 0.01951981792503799}, {'of': 0.1706562464606984, 'and': 0.09593458916875201, 'to': 0.07254220640889729, 'for': 0.04201370332696297, 'in': 0.042012752418378894, 'with': 0.040853503238616126, 'by': 0.03010197477408877, 'from': 0.024771241275902772, 'at': 0.02374926728120228}, {'<s>': 0.036420135171691154, 'it.': 0.021013165176837493, 'them.': 0.014650355500623007, 'him.': 0.010788864588509878, 'time.': 0.0071256028833919845, 'country.': 0.0067407162737730675, 'day.': 0.006128227618785728, 'year.': 0.005361629982773745, 'and': 0.005322595828730572}, {'of': 0.1925779478285963, 'the': 0.19034727925623257, 'these': 0.1107162305373067, 'These': 0.07110482278957536, 'business': 0.057623976360281146, 'young': 0.05687750135133848, 'The': 0.04640311942861119, 'two': 0.04212848785976891, 'and': 0.041625017196344635}, {'of': 0.21782442487364037, 'for': 0.12468626093095159, 'in': 0.12254054616045224, 'and': 0.11619543889374452, 'to': 0.10028046618694314, 'that': 0.057208491431023405, 'with': 0.045839091825301895, 'all': 0.03533345900351029, 'on': 0.030043346194827906}, {'and': 0.23920907661276877, 'that': 0.1376878649069489, 'as': 0.10634011845898879, 'but': 0.04507537975784212, 'even': 0.04049325735099193, 'And': 0.028607077294514945, 'or': 0.02561682347033257, 'But': 0.024144876721247543, 'see': 0.02368290746131916}, {'a': 0.23962028373752978, 'the': 0.12983578047707953, 'they': 0.08609960309320677, 'who': 0.08403465005886647, 'I': 0.0782380682242542, 'not': 0.07761489307595283, 'we': 0.07582028945826652, 'and': 0.060488152780551044, 'to': 0.046168340829161006}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'any': 0.2767516677684654, 'the': 0.16871430109045335, 'and': 0.16348992387261807, 'no': 0.1402904879980616, 'or': 0.05853434396573336, 'some': 0.04708580043063344, 'all': 0.04385953854081992, 'of': 0.03198904819867236, 'in': 0.03181591688099549}, {'the': 0.46293806444273533, 'at': 0.23995534511849634, 'At': 0.0483039444886911, 'tho': 0.031250452369619375, 'of': 0.02947679047402274, 'to': 0.027824126017693993, 'and': 0.027777330041837016, 'The': 0.020408523600189334, 'on': 0.014847000457503368}, {'the': 0.11527911816831798, 'and': 0.05677981519818584, 'at': 0.043933502576360924, 'a': 0.04108307393393885, '-': 0.027890144903118898, '.': 0.02708165701772471, '<s>': 0.024362946366044788, 'of': 0.02401595859722791, '25': 0.021560517023741576}, {'that': 0.16495145694997956, 'and': 0.13323704261946165, 'but': 0.09496506465665537, 'as': 0.05060679883933336, 'which': 0.050479160511436555, 'But': 0.029114358131730404, 'what': 0.02552997588863436, 'if': 0.024401049521645388, 'when': 0.02189918032889405}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'of': 0.32249179027259856, 'the': 0.12632229663492886, 'to': 0.1165400630660122, 'and': 0.06920899502475336, 'in': 0.04753420931842895, 'at': 0.04261711883283119, 'from': 0.041102327369297746, 'said': 0.040401889391377004, 'by': 0.028508980061275658}, {'a': 0.6156867705198422, 'the': 0.222193099071701, 'his': 0.02745771456025267, 'and': 0.016038086726471907, 'to': 0.012619146582487927, 'this': 0.010247290922221685, 'The': 0.010066892140420678, 'tho': 0.008588055622882073, 'her': 0.006810905665556796}, {'the': 0.09051795946283478, 'his': 0.08569197430658024, 'her': 0.0656935439872579, 'of': 0.06335439439242202, 'and': 0.06030856672444803, 'go': 0.05996692026825187, 'it': 0.05450436431846845, 'at': 0.05155325481482263, 'a': 0.03916209096726951}, {'of': 0.28420457222823836, 'the': 0.2259252692128421, 'in': 0.22005890753187182, 'a': 0.05763943310715069, 'In': 0.03784436522837217, 'his': 0.029133425247452154, 'by': 0.018904218142175275, 'with': 0.01775543544896693, 'for': 0.01751831320991625}, {'of': 0.13597815444741848, 'the': 0.12343334873407151, 'and': 0.08463940429728811, 'to': 0.05918637332521066, 'be': 0.047501351014033355, 'is': 0.047161127598587996, 'in': 0.0427646076135056, 'a': 0.04174639612992362, 'was': 0.03817956897425862}, {'manner': 0.10929122914622635, 'and': 0.051928940561453626, 'that': 0.030065683941091072, 'way': 0.01949234700731763, 'time': 0.01490834846138637, 'it': 0.013227222707666407, 'all': 0.011826895752322215, 'one': 0.01173947360133591, 'part': 0.011709023863419921}, {'the': 0.16721768269155948, 'and': 0.09317620264277578, 'was': 0.061533831728802356, 'is': 0.05491023662439608, 'a': 0.05426598079303516, 'be': 0.03879324256992975, 'his': 0.034545785937433494, 'her': 0.02957349590553725, 'of': 0.026143682520923844}, {'it': 0.11858096267230676, 'go': 0.1148562846123569, 'taken': 0.10206263309020117, 'went': 0.09028944533586625, 'them': 0.07141230865401305, 'set': 0.06733235837286781, 'him': 0.06099812831855664, 'came': 0.060465112415970655, 'come': 0.043684575090610904}, {'more': 0.332476176113706, 'less': 0.12484669116540789, 'better': 0.061236919716353415, 'greater': 0.052565238384128195, 'rather': 0.052470604981691774, 'worse': 0.028529887499728457, 'larger': 0.026745654946848205, 'higher': 0.026532836041443825, 'other': 0.025915418923927538}, {'the': 0.2064116924736922, 'and': 0.11313399934584466, 'of': 0.09866374946654954, 'The': 0.06458832580027597, 'that': 0.02473070935975453, 'these': 0.018229194570184497, 'a': 0.0162142823376505, 'or': 0.0158396488594701, 'to': 0.014511239269900876}, {'to': 0.33070780508473097, 'will': 0.21748392413285783, 'would': 0.14171261667189436, 'may': 0.05707490871290223, 'should': 0.05059412716588503, 'shall': 0.045620499360964434, 'not': 0.03724983672537287, 'must': 0.03534673705738289, 'can': 0.018453892846876437}, {'not': 0.13969047042039823, 'to': 0.1253145008204679, 'and': 0.0916291174569652, 'I': 0.07505671516738571, 'would': 0.0693140443171032, 'we': 0.0642532038460236, 'will': 0.06237253339518753, 'they': 0.040460328770424804, 'it': 0.03700994089994097}, {'man': 0.10460747073220181, 'and': 0.08789919777740972, 'those': 0.07074118461998827, 'men': 0.05634954389618333, 'one': 0.04149692880741841, 'woman': 0.02270407428224394, 'person': 0.02029436743581753, 'people': 0.017139998838735192, 'girl': 0.013748423916597674}, {'the': 0.3691396009997588, 'of': 0.11221313340700521, 'to': 0.1091542440955078, 'a': 0.05997294652185131, 'in': 0.05948956762449005, 'and': 0.03708947902606404, 'this': 0.03647506103375968, 'said': 0.033198343652939624, 'his': 0.02795599359752025}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.26056038871502385, 'a': 0.154236141962926, 'and': 0.08905683950058567, 'of': 0.050898478471009284, 'an': 0.04857181330337796, 'to': 0.034259654024900756, 'The': 0.030416175664790525, 'in': 0.025337913754734084, 'his': 0.023863340497172963}, {'first': 0.2231022229056562, 'third': 0.18225660580330438, 'on': 0.11200524258263303, 'second': 0.0562670262698495, 'last': 0.04823553527738288, 'and': 0.032784413623917825, 'next': 0.02772090899964977, 'of': 0.027375376644589822, 'fourth': 0.024862153971286723}, {'the': 0.32029416146310863, 'of': 0.1276231707535944, 'and': 0.11534156917897835, 'their': 0.08139627466682493, 'its': 0.05564003593006761, 'to': 0.054000014864424885, 'his': 0.04428366817010231, 'a': 0.03851786180863496, 'in': 0.02522195052745035}, {'it': 0.26239724864770625, 'It': 0.25706552471648514, 'which': 0.10892147752700163, 'there': 0.062069081473462365, 'that': 0.033731019321157775, 'he': 0.033249458173863204, 'what': 0.029528057749607643, 'There': 0.02897947589733717, 'This': 0.02590627508904391}, {'the': 0.15383764566440558, 'of': 0.11798392025240566, 'and': 0.08331986834014217, 'a': 0.06270706160908712, 'to': 0.04502083001974942, 'be': 0.03094815294006057, 'was': 0.02849767390589314, 'is': 0.024335782794003547, 'in': 0.02280006413352256}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.3660132159459247, 'in': 0.09229720223282294, 'to': 0.09111808968498301, 'for': 0.07350299919538997, 'by': 0.0563435611102878, 'that': 0.05552992006576822, 'on': 0.05024784271789582, 'and': 0.047194309381698975, 'with': 0.045257564218820996}, {'and': 0.19135012210225533, 'of': 0.15287097176575368, 'in': 0.13716433391793365, 'that': 0.07589484898256849, 'for': 0.07213704035198093, 'by': 0.057105084747659976, 'to': 0.04923038384573363, 'with': 0.04580915350807394, 'or': 0.04517033180952983}, {'line': 0.08351790441962127, 'street,': 0.08034929123830321, 'city': 0.047001183025837445, 'relations': 0.03300278054305385, 'street': 0.03212333758320647, 'and': 0.021664836983510866, 'avenue,': 0.02112641627434277, 'State': 0.020041560132408372, 'war': 0.017802034164409338}, {'the': 0.1267268613893514, 'of': 0.0985409846081538, 'and': 0.08980510851196431, 'to': 0.0454727233392646, 'a': 0.03733487726658024, 'at': 0.0330008387247034, 'in': 0.03280157234359289, 'or': 0.019596397605272677, '.': 0.01779917596003888}, {'and': 0.10850458763829121, 'the': 0.0935484124681325, 'of': 0.08878216455799454, 'to': 0.04213082743475067, 'in': 0.02753714337379967, 'for': 0.02380032232424959, 'Mr.': 0.01980809681974456, 'a': 0.019791080323744718, 'Mrs.': 0.013426304840202897}, {'to': 0.14725202905521348, 'and': 0.1013770172677398, 'of': 0.05655422207324338, 'the': 0.04377974260988957, 'in': 0.03316989225809315, 'is': 0.027777956639993412, 'I': 0.026394129623984682, 'for': 0.024161795534143545, 'not': 0.02380444508067005}, {'the': 0.2728508693296148, 'a': 0.1969885014844718, 'that': 0.1714964040192706, 'this': 0.1476673063852094, 'of': 0.03780765902900831, 'to': 0.029969473338503274, 'same': 0.028368833770373476, 'every': 0.02697591006089623, 'any': 0.02520826562186051}, {'the': 0.359799610729178, 'a': 0.16112623363898962, 'to': 0.13607658522408406, 'of': 0.03890040227129752, 'and': 0.025666373805440693, 'an': 0.023121030807605386, 'tho': 0.02280576238006719, 'this': 0.021688142607684095, 'The': 0.017980178383349296}, {'of': 0.18923664086586184, 'and': 0.06597892030500341, 'to': 0.06072999360122079, 'the': 0.05256291175481174, 'I': 0.021430298920344867, 'that': 0.020403924628876476, 'at': 0.02009215593554975, '<s>': 0.017714000388132884, 'for': 0.01714753019271301}, {'the': 0.08872155147123681, 'of': 0.056869742921610913, 'and': 0.05531372379537171, '.': 0.03628796172924907, 'a': 0.02867667402400274, 'to': 0.025816211461790344, 'at': 0.02034986771645006, '<s>': 0.01829685237798457, 'Mrs.': 0.016380765182676452}, {'it': 0.21451312338537318, 'It': 0.10826202947063722, 'as': 0.098218196316048, 'which': 0.09590492234201907, 'that': 0.07988959936613527, 'they': 0.059698887413628395, 'there': 0.042394582218303986, 'and': 0.032923399960012464, 'he': 0.030568284314665725}, {'of': 0.36086417874777804, 'by': 0.10582689596163326, 'to': 0.09646625183294119, 'that': 0.08929080120732959, 'and': 0.08635833290651829, 'for': 0.04510617460999821, 'with': 0.03745609691746163, 'in': 0.03714979474701606, 'on': 0.026881406261610404}, {'the': 0.4854904007783283, 'this': 0.08545879666543402, 'The': 0.062491738402594185, 'that': 0.0556149722684838, 'a': 0.044496572282729296, 'white': 0.024754170007475616, 'tho': 0.02175701175711545, 'This': 0.014117605777845946, 'whole': 0.013962618470980473}, {'that': 0.2680907299748394, 'and': 0.13699884189940173, 'which': 0.07539490805872584, 'as': 0.061451951295697596, 'but': 0.053488089022574105, 'if': 0.046502077835053016, 'when': 0.03354222171838939, 'for': 0.029084570530011282, 'to': 0.02572894104605292}, {'the': 0.11174055674202966, 'and': 0.08669344464520251, 'of': 0.06670085656064735, 'to': 0.05323864603356736, 'was': 0.03318166965620654, 'in': 0.03263409114656093, 'on': 0.027604322569471422, 'be': 0.027198202034554256, 'is': 0.026391544549070868}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'and': 0.12515284909749505, 'is': 0.11529564843513045, 'the': 0.10373079616253056, 'of': 0.1020491604297096, 'was': 0.08842416454654788, 'be': 0.0776300452176952, 'to': 0.059300179512948234, 'as': 0.0545481873519164, 'are': 0.051728221168471956}, {'and': 0.16412241261613017, 'have': 0.149880258245754, 'had': 0.13591378812146976, 'who': 0.08873999824883916, 'he': 0.07743609256991804, 'has': 0.054730969410169965, 'en-': 0.043489340623252465, 'which': 0.03461153703349551, 'that': 0.032490603247085505}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'and': 0.17684046458806799, 'but': 0.04201820560021637, 'that': 0.04178558433321039, 'are': 0.030556443928335165, 'as': 0.02448059723878596, 'is': 0.01733593390606204, 'men': 0.015822646980389772, 'if': 0.015391641847662276, 'is,': 0.014619520450079394}, {'that': 0.2166146159956632, 'when': 0.18216101112586727, 'and': 0.10345985297488275, 'as': 0.07390272464964467, 'which': 0.06524258507351965, 'but': 0.042539496677289755, 'where': 0.03879798146585438, 'if': 0.03536671048750339, 'When': 0.03440401350718869}, {';': 0.06711459781114455, 'it,': 0.02154414046181973, 'him,': 0.019391547583667366, 'time,': 0.014788685719698299, 'them,': 0.01248999807288905, 'and': 0.01052224728318894, 'is': 0.010139078676335345, ',': 0.009522680830460224, 'me,': 0.008331367077166104}, {'of': 0.15832238922069725, 'the': 0.0764230500606085, 'to': 0.04344423630531188, 'in': 0.03934361404376388, 'on': 0.037792066110647116, 'a': 0.03596153462832329, 'at': 0.031228732216589634, 'and': 0.03018828713811425, 'for': 0.01656304243943421}, {'so': 0.21764889832806303, 'well': 0.10074170800790602, 'far': 0.04324856442414379, 'and': 0.04250793942297935, 'such': 0.0372505463474408, 'much': 0.0323348802865727, 'it': 0.025828243068384233, 'manner': 0.02365749262428238, 'doubt': 0.02210158950627251}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'of': 0.21302425116239918, 'in': 0.19212866641652654, 'for': 0.10862188647141095, 'to': 0.09716169271294425, 'and': 0.0855048884294867, 'with': 0.0746172310400785, 'by': 0.039045097562678245, 'In': 0.03850610850937129, 'that': 0.03687879263998871}, {'he': 0.15602755408491345, 'it': 0.07880436707342599, 'and': 0.07753517401022564, 'which': 0.06990646458904312, 'who': 0.059552607674737114, 'that': 0.057704253786323954, 'It': 0.044685681259726266, 'He': 0.034281209762023195, 'she': 0.026971433793165456}, {'purpose': 0.049538526470502636, 'sort': 0.04124579171361757, 'line': 0.039893967310639995, 'matter': 0.03852154337592262, 'number': 0.03431155922988947, 'out': 0.03389030675278924, 'means': 0.02983388472277801, 'kind': 0.02971339407850996, 'question': 0.027972415767354267}, {'the': 0.33136681371466836, 'a': 0.16167744183504335, 'to': 0.11837636667450141, 'no': 0.06664854496877731, 'and': 0.048080848199787134, 'be-': 0.0418232858314776, 'will': 0.040751053943797126, 'this': 0.03092835670675197, 'would': 0.030272143622042707}, {'the': 0.5813416803533368, 'an': 0.1049687984095132, 'a': 0.06766517062486237, 'tho': 0.04027528135278397, 'The': 0.03465425407927394, 'and': 0.03348179045013845, 'or': 0.022273454978846724, 'tbe': 0.01836242215761488, 'on': 0.017380911371265798}, {'<s>': 0.12302175087319901, '.': 0.01796778595006221, 'it.': 0.015575143017861294, 'them.': 0.010151545329327147, 'of': 0.009605063374937568, 'day.': 0.008314578481578823, 'him.': 0.0072471225093326645, 'time.': 0.006433604547210719, 'year.': 0.005881685198257782}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'it': 0.14112296867809523, 'I': 0.12012205295135153, 'he': 0.10891630054414775, 'It': 0.0882109188453842, 'we': 0.08721979898729772, 'they': 0.08417326719398231, 'We': 0.03517965128778559, 'and': 0.03421316496870384, 'you': 0.028023065574874283}, {'to': 0.5081027071663438, 'not': 0.09504581456822205, 'would': 0.06687567696891028, 'and': 0.06604582913936896, 'will': 0.06287568387592614, 'must': 0.032101932703908494, 'may': 0.028782380957017253, 'can': 0.028100490492432906, 'could': 0.026200377922685494}, {'and': 0.3662001030233636, 'was': 0.17912138673446187, 'He': 0.04922866401354588, 'were': 0.04674694096247528, 'is': 0.044503411898411914, 'are': 0.02707643891125661, 'he': 0.019251953658853203, 'be': 0.014454988546273454, 'it': 0.011269013820888251}, {'to': 0.1666738520972402, 'would': 0.15956597947991194, 'we': 0.11526814511148369, 'I': 0.11186551909379502, 'who': 0.10426368178232, 'they': 0.09608494418400595, 'not': 0.05401142983406662, 'will': 0.053300444234569415, 'you': 0.045510669797582746}, {'a': 0.13954389514636306, 'and': 0.11284710103909525, 'of': 0.10546106529106289, 'the': 0.09840738576986713, 'with': 0.07599211518736158, 'to': 0.04534493213884497, 'as': 0.03867142851440413, 'was': 0.036712392378746184, 'their': 0.022659005736208163}, {'the': 0.39936585116187967, 'an': 0.17386571528152261, 'The': 0.06860117228092219, 'said': 0.06853877132933318, 'primary': 0.04002796310717536, 'of': 0.03698024194187636, 'general': 0.03691994890624964, 'this': 0.034191691533804754, 'An': 0.033024646350950516}, {'of': 0.34705377170746926, 'in': 0.12141164860158989, 'and': 0.08301933302229272, 'to': 0.07902006291121094, 'that': 0.07710503032514149, 'by': 0.05152435462991493, 'with': 0.05137532197781565, 'for': 0.045108820291923035, 'on': 0.03785259991549765}, {'the': 0.5080460594087126, 'The': 0.1276006577244305, 'a': 0.06353718142645166, 'of': 0.04999460852837367, 'tho': 0.028424819969189472, 'and': 0.019949332610789728, 'in': 0.010653645514441328, 'by': 0.008387093668894974, 'A': 0.007810841778609578}, {'have': 0.3183150968050058, 'has': 0.30871244717303953, 'had': 0.20935332309241306, 'having': 0.04547778558653889, 'not': 0.02991460145027549, 'ever': 0.015226619544349012, 'never': 0.012016077017556486, 'lias': 0.01090612869464348, 'bad': 0.009179726729215836}, {'sum': 0.08485669561464308, 'day': 0.08286376583397434, 'State': 0.05764117529212806, 'that': 0.03550545535072482, 'and': 0.029649763772905756, 'part': 0.0260437048359355, 'action': 0.024338228704246043, 'it': 0.02156870676025978, '<s>': 0.021020757290669573}, {'was': 0.20693592291904622, 'be': 0.14867160475410296, 'were': 0.11266232880762521, 'been': 0.0938332311366096, 'are': 0.08118470734868326, 'is': 0.0650092244152603, 'and': 0.04517570595954995, 'being': 0.04025205559922162, 'had': 0.02128709480164813}, {'and': 0.18098952624447967, 'of': 0.17118755914702316, 'to': 0.08211324662321637, 'by': 0.0654747987442375, 'for': 0.0635183706280007, 'all': 0.04969277718718818, 'that': 0.04894652190904399, 'the': 0.0416986122638322, 'in': 0.02730394675506375}, {'of': 0.24045848023153107, 'in': 0.11853943805894515, 'to': 0.11487368713857893, 'for': 0.07637641815966091, 'and': 0.06876932880504079, 'with': 0.06005178008720892, 'on': 0.04738378429140317, 'from': 0.04069130234169139, 'by': 0.03618077933950323}, {'the': 0.15995610492909795, 'of': 0.08975731831414183, 'and': 0.08723535373393551, 'to': 0.048504837779401296, 'a': 0.04295842003084686, 'in': 0.027153276459219434, 'be': 0.0194709434073374, 'his': 0.01797141192421674, 'or': 0.017280069120522885}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.11134945836205422, 'of': 0.10165237720030446, 'and': 0.08778313035766959, 'a': 0.04350812993093962, 'to': 0.042552617285191816, 'as': 0.02411882830504672, 'that': 0.024074166024275073, 'is': 0.02396493388035783, 'with': 0.02305399598962533}, {'the': 0.3484605863159391, 'no': 0.19161616086732486, 'of': 0.0942902987792626, 'much': 0.08480903574445604, 'The': 0.04591735830723818, 'a': 0.03954154537595431, 'and': 0.036574671557322296, 'any': 0.03650098832715858, 'his': 0.035010035242626664}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'was': 0.2791093740658404, 'be': 0.250286840989461, 'been': 0.14851139849663963, 'is': 0.07517145545615547, 'were': 0.05987991902406246, 'being': 0.03364136466605597, 'are': 0.031231496348631784, 'he': 0.028512228060704286, 'had': 0.02304692190391344}, {'and': 0.11262676388429509, 'in': 0.09433422107458991, 'of': 0.06375960332456782, 'to': 0.062285254762364795, 'that': 0.050896296375133855, 'as': 0.04644355652125503, 'for': 0.041616695948756076, 'make': 0.04157125945186549, 'on': 0.039240352056405}, {'be': 0.28036568291286423, 'and': 0.14239923186078934, 'as': 0.13354576065932547, 'was': 0.08421635730896296, 'he': 0.07269911363034628, 'is': 0.06485924920081959, 'been': 0.04182518368758992, 'it': 0.03442136289768273, 'have': 0.03137094287963189}, {'day': 0.2577726653289752, 'side': 0.06669118573419917, 'part': 0.04532670335559236, 'State': 0.03543768860315136, 'Monday': 0.028437845568612417, 'city': 0.026684643807625537, 'line': 0.02368285204427684, 'middle': 0.023490183343266854, 'quarter': 0.023442429840255505}, {'the': 0.32340626960667296, 'of': 0.16278670370455442, 'personal': 0.10895564615038808, 'real': 0.06325769299815923, 'said': 0.058851962654918585, 'described': 0.04392469682567609, 'and': 0.042607105591430966, 'their': 0.0300660462865839, 'taxable': 0.027898858078717486}, {'<s>': 0.11914112019443573, '?': 0.039074774173571, 'it.': 0.021029279164990183, 'of': 0.016593963019214744, 'to': 0.014348694501493788, '.': 0.013155799279614987, 'and': 0.011806815135791014, 'them.': 0.010919482502621983, '-': 0.008635554508900418}, {'of': 0.3559192383752247, 'in': 0.16868713750154984, 'to': 0.10815921062090698, 'for': 0.07231005604149875, 'on': 0.06705868701310609, 'and': 0.05236494157266567, 'from': 0.04213352301892925, 'that': 0.0382978785320715, 'by': 0.03517156383567188}, {'of': 0.1574392088183628, 'in': 0.1463705422410161, 'for': 0.11225359010833198, 'as': 0.09935543082710441, 'and': 0.08163048547964066, 'to': 0.07521226480619936, 'with': 0.06183155083912425, 'that': 0.04639387321605716, 'is': 0.041394029092102894}, {'of': 0.3145038098735975, 'in': 0.16339451899611823, 'to': 0.09921837940591516, 'that': 0.07398516622492474, 'by': 0.0633534760596791, 'for': 0.059474309658957246, 'and': 0.05777077336505949, 'with': 0.047892629359504, 'In': 0.03627687060712372}, {'in': 0.25042661599204935, 'of': 0.1559383745595771, 'to': 0.150116560905115, 'In': 0.057743129688953794, 'and': 0.0573749225364081, 'on': 0.05257324132587072, 'with': 0.04383653044570978, 'that': 0.04178319983008373, 'for': 0.03466193795554571}, {'and': 0.07419418807482608, 'to': 0.05978042951043384, 'the': 0.0360836016263904, 'of': 0.03322559029704193, 'that': 0.02365622678418602, 'or': 0.01923208465797869, 're-': 0.01883469457688676, '<s>': 0.017657522347210908, 'would': 0.015110374214912275}, {'the': 0.4339410932059647, 'an': 0.20168451493218567, 'of': 0.07970801492967973, 'a': 0.05786303207389518, 'The': 0.0487966722537215, 'by': 0.03007131728719729, 'and': 0.029463324123403984, 'tho': 0.02182437059715139, 'An': 0.018653723541739307}, {'that': 0.2653422209189044, 'and': 0.166208134235141, 'which': 0.0815008187547607, 'but': 0.058734823419496686, 'as': 0.05103989095493374, 'when': 0.03406533377830836, 'if': 0.031593568437748534, 'where': 0.02487239865468508, 'what': 0.024510884028450485}, {'his': 0.2498908124159467, 'their': 0.17828849486041157, 'the': 0.17302816774150653, 'her': 0.08860108367796234, 'my': 0.08320116412485419, 'your': 0.04543445492741455, 'own': 0.036146095290005606, 'our': 0.0327525659906457, 'of': 0.027457624113450964}, {'and': 0.09409013671688639, 'the': 0.09092348278023903, 'of': 0.07795322244868408, 'to': 0.07230752574642492, 'be': 0.04581289888453343, 'was': 0.03877851053891852, 'is': 0.03449992903620617, 'in': 0.02646521632156226, 'for': 0.021249067459580214}, {'as': 0.45612137676015096, 'so': 0.19630864480332316, 'and': 0.07779554979803338, 'be': 0.04415747430864162, 'was': 0.04198851412691238, 'it': 0.038026643406676865, 'is': 0.03474302851492324, 'It': 0.017120364151868347, 'As': 0.014697704598975328}, {'made': 0.07922018768547459, 'and': 0.07367663045387864, 'secured': 0.054140851911131556, 'that': 0.04204574872208694, 'or': 0.02705176696357361, 'ed': 0.024961753112617353, 'accompanied': 0.022027041697769773, 'executed': 0.02091614940638468, 'owned': 0.019251612259808225}, {'the': 0.5680636023174058, 'a': 0.17264059995980835, 'is': 0.05365934838688631, 'of': 0.05054690135744488, 'and': 0.039044644986132936, 'The': 0.02864027297539225, 'tho': 0.025121579049489987, 'an': 0.018432407981471367, 'are': 0.014899640754057213}, {'of': 0.3760120289868715, 'in': 0.21386284742845235, 'to': 0.08694167733619863, 'by': 0.056440367941285846, 'and': 0.04120252542218968, 'In': 0.039723240564992664, 'that': 0.034713083779944164, 'for': 0.03414426847973573, 'from': 0.03410376796797509}, {'able': 0.08090697611984375, 'order': 0.07227857329825361, 'as': 0.07227599853014216, 'and': 0.053878287464595886, 'have': 0.05360729878384364, 'is': 0.05227308188584775, 'had': 0.051918522725747346, 'enough': 0.04549805151549727, 'not': 0.041497624484878586}, {'the': 0.07775146779106554, 'of': 0.07486169235803201, 'and': 0.07284502585439993, 'be': 0.0700633310288511, 'to': 0.057152906617358765, 'was': 0.05422264574812728, 'is': 0.0393486128104282, 'or': 0.02833358702763867, 'are': 0.028012011078177086}, {'of': 0.2757373621601618, 'in': 0.15313229214034818, 'and': 0.08383391639849715, 'to': 0.08124723044969068, 'with': 0.06573755907365193, 'for': 0.06081122795031167, 'by': 0.043274569880725734, 'all': 0.04303617939280414, 'from': 0.03929565372102175}, {'the': 0.48199785112193283, 'a': 0.3286252008652137, 'The': 0.07829254615470826, 'tho': 0.02284181923804405, 'and': 0.013937064226063155, 'A': 0.012452998931889406, 'of': 0.010246771395252867, 'tbe': 0.007738314434931439, 'this': 0.006671461023612999}, {'of': 0.2702228000255718, 'the': 0.07709859626639227, 'all': 0.0739752161030177, 'for': 0.06312310860792783, 'in': 0.05714644913173149, 'and': 0.05157578231810789, 'their': 0.03221176002976512, 'her': 0.02658307118630903, 'his': 0.025959406163945115}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'thereof,': 0.016689437945832483, 'mortgage,': 0.014807161710972253, 'dollars': 0.014608012661883468, ';': 0.012452071249761783, 'years,': 0.012393610591054703, 'due': 0.01195898283717565, 'hundred': 0.010797936386497661, 'of': 0.010665782630925805, 'States,': 0.010586919698328956}, {'day': 0.07469364442521229, 'city': 0.04067738427056815, 'side': 0.03305017562423548, 'State': 0.031246396730540846, 'part': 0.02446129737352398, 'line': 0.02383547858072525, 'City': 0.02155312988118572, 'name': 0.018350900457016813, 'place': 0.01770678000926314}, {'he': 0.193081412260916, 'and': 0.1258747469715253, 'I': 0.11008452316273107, 'they': 0.10060926818989549, 'who': 0.05618147039359537, 'He': 0.04627721376010726, 'she': 0.040481706478941296, 'it': 0.03976830615951522, 'we': 0.03027072100325234}, {'the': 0.13985988047371956, 'and': 0.08175709864112966, 'of': 0.07390566269000735, 'that': 0.05660966544454627, 'in': 0.032016112182027, 'The': 0.02166605758917495, 'which': 0.02068240182310983, 'a': 0.018788904687289408, 'Mr.': 0.01850030021487356}, {'and': 0.10417541967291197, 'to': 0.0740294567271277, 'in': 0.04618985018398675, 'the': 0.04535762058875083, 'of': 0.0408649423543461, 'that': 0.028072311319911152, 'not': 0.027810117385755978, 'for': 0.026365914694641574, 'I': 0.022517683552970475}, {'the': 0.44331534353049257, 'a': 0.1085496759204277, 'of': 0.07333644437013143, 'and': 0.05369755038905096, 'in': 0.03897889184928857, 'tho': 0.02473925256754256, 'an': 0.024402743098241003, 'The': 0.01974794605588631, 'or': 0.01916156137378088}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'a': 0.21533581698128446, 'the': 0.15465728184267136, 'to': 0.13286603188400334, 'of': 0.11780530936695816, 'for': 0.06925448654318614, 'and': 0.047863148722852876, 'in': 0.04331567398985736, 'at': 0.03319020078631011, 'be': 0.032289075960649685}, {'of': 0.24301740556494913, 'to': 0.1059292157329309, 'in': 0.1012814265758554, 'for': 0.0882485264099013, 'and': 0.08351127237149313, 'on': 0.05252632730376267, 'from': 0.05178132830502969, 'by': 0.04615458238414883, 'with': 0.045857877690359095}, {'to': 0.3176566018535643, 'and': 0.1228777606903615, 'the': 0.10131888422164735, 'not': 0.07623682390424205, 'will': 0.06978446307728967, 'of': 0.058272920809605125, 'for': 0.0539725985149152, 'or': 0.03991767331000869, 'would': 0.03440521848950067}, {'number': 0.09525924777933847, 'deed': 0.05740736902350854, 'city': 0.05436887673861187, 'State': 0.04739259843912165, 'sum': 0.04626831148084113, 'county': 0.045451735115475796, 'County': 0.04065641856773096, 'line': 0.037175500748766084, 'state': 0.0369167846711861}, {'and': 0.23920907661276877, 'that': 0.1376878649069489, 'as': 0.10634011845898879, 'but': 0.04507537975784212, 'even': 0.04049325735099193, 'And': 0.028607077294514945, 'or': 0.02561682347033257, 'But': 0.024144876721247543, 'see': 0.02368290746131916}, {'of': 0.393841468137439, 'in': 0.1313756281631947, 'to': 0.10501219104530396, 'and': 0.053615340644902296, 'on': 0.04896822236663418, 'with': 0.04401244856075957, 'that': 0.03902907905230543, 'by': 0.037926000494360644, 'for': 0.036501406307346294}, {'and': 0.049987779033060356, 'covered': 0.044723617870181906, 'filled': 0.038280728623978445, 'together': 0.03035262580091172, 'charged': 0.023576196363331418, 'it': 0.021111078194854856, 'up': 0.01945360572525831, 'him': 0.01804285305433584, 'them': 0.01590682851574201}, {'is': 0.19127364171582464, 'He': 0.15721988442917337, 'he': 0.11087775057334061, 'the': 0.06724730256742285, 'be': 0.06706785115367289, 'and': 0.05715310740993321, 'of': 0.05713207695112086, 'was': 0.055259962298007, 'Is': 0.03316647525108587}, {'and': 0.4395464365334445, 'will': 0.05886063869713355, 'shall': 0.034320256743605046, 'would': 0.02964560564834631, 'And': 0.0237488541641992, 'that': 0.020007854518783095, 'was': 0.019959033106970368, 'I': 0.01880831268651765, 'but': 0.018208964126243243}, {'the': 0.25612312229186546, 'and': 0.12283261117374422, 'of': 0.09593604023891655, 'to': 0.043089792540888176, 'a': 0.03902524914487785, 'at': 0.035909065776141155, 'by': 0.02847939786170144, 'on': 0.027344928458252333, 'or': 0.02616970369595671}, {'a': 0.1927006989833122, 'he': 0.15758004632801928, 'the': 0.11072442829087514, 'and': 0.09432656354077613, 'He': 0.06534227277007569, 'I': 0.05927371481810684, 'who': 0.05079509306951091, 'so': 0.04589017482230848, 'be': 0.04169383847978897}, {'make': 0.16461881247990892, 'give': 0.1168787270557893, 'and': 0.09360195400806498, 'of': 0.0614032915520308, 'as': 0.056462705866471695, 'that': 0.04785356572368667, 'in': 0.043125540856113656, 'to': 0.04210365760063407, 'for': 0.04185532979704856}, {'and': 0.16134557177433365, 'that': 0.1533483227309476, 'but': 0.07055025656674771, 'as': 0.046293426285135345, 'if': 0.04015067340418684, 'which': 0.035387797930436775, 'when': 0.030673297261954485, 'what': 0.027273547283641588, 'But': 0.021454248435943426}, {'of': 0.24051238978765085, 'the': 0.12354074247957741, 'young': 0.057351541470926616, 'hundred': 0.037956393986670854, 'and': 0.03587413077640872, 'white': 0.03098972149785417, 'two': 0.02828541965731532, 'business': 0.021032890687309815, 'thousand': 0.018771278041599972}, {'of': 0.3385334145937386, 'the': 0.10684258128128243, 'in': 0.10437992133188398, 'to': 0.10365926214730616, 'and': 0.05720877755319853, 'at': 0.05389363120023475, 'for': 0.042019510565214566, 'from': 0.02440226284343958, 'In': 0.021658600321475978}, {'of': 0.2745141640234983, 'and': 0.15813841696573525, 'by': 0.14402619133678174, 'in': 0.08429566765963496, 'to': 0.07216902159750918, 'for': 0.0700933105818394, 'with': 0.0350878798314158, 'In': 0.03200818504959233, 'or': 0.019849498342708126}, {'as': 0.08980247947664825, 'and': 0.06512949261993622, 'according': 0.05862507404263971, 'up': 0.05389899553372113, 'them': 0.04410767082523826, 'regard': 0.03960431761401057, 'come': 0.03824111394669009, 'back': 0.035333853400752305, 'return': 0.032678535105253856}, {'the': 0.21749353627301868, 'of': 0.09005566296668327, 'and': 0.08069756493856549, 'a': 0.063078894512091, 'to': 0.028816075661259415, 'or': 0.01928111602607357, 'an': 0.01916033388780167, 'The': 0.017257415646758666, 'at': 0.015755648223589415}, {'the': 0.2750504411685271, 'an': 0.2148952454128166, 'to': 0.10743327045421495, 'of': 0.06605036741291433, 'and': 0.04926324536818775, 'a': 0.03447397877844506, 'is': 0.03265701692930012, 'in': 0.029939098998216403, 'not': 0.02845707849780361}, {'and': 0.0988057791184195, 'recorded': 0.05994842335046969, 'that': 0.032898481355139224, 'was': 0.025613437041850668, 'made': 0.020163012978534334, 'up': 0.01718445317339919, 'men': 0.016338361856973873, 'feet': 0.01505719379391091, 'held': 0.014518557891475383}, {'to': 0.43962730207826106, 'and': 0.16293521290309187, 'of': 0.06403231711884448, 'in': 0.05640341620875834, 'will': 0.054146024042828436, 'the': 0.04941667927347208, 'not': 0.03337633434742806, 'or': 0.03050961999694474, 'would': 0.030393394469389733}, {'the': 0.5517916400385259, 'of': 0.13655982228438898, 'in': 0.049177132996461204, 'The': 0.03339391893706418, 'at': 0.02639269978017077, 'a': 0.02163343595805528, 'and': 0.020461162740327075, 'by': 0.017786954295708778, 'tho': 0.017665340280847708}, {'they': 0.20806159423135548, 'who': 0.142453078697398, 'we': 0.09079762310586531, 'which': 0.08303665197452395, 'and': 0.051935943817506165, 'that': 0.046731548388337645, 'They': 0.042814327748004456, 'you': 0.04083619454862203, 'We': 0.03456736545097626}, {'with': 0.2568838005764826, 'to': 0.23512092581129745, 'upon': 0.0838446318795081, 'of': 0.08171310875410752, 'for': 0.06807935517695969, 'on': 0.04741924258379262, 'against': 0.046905609873906455, 'by': 0.04077874753040801, 'from': 0.027941083762632102}, {'to': 0.4342697357546398, 'a': 0.15124008123257277, 'the': 0.05346078263004404, 're-': 0.04896728404760619, 'not': 0.04506954892259107, 'and': 0.04438436250783851, 'will': 0.035503177932274185, 'they': 0.02381530571802383, 'would': 0.023361734206719973}, {'that': 0.3633367469812165, 'which': 0.10666826865044596, 'if': 0.09173988622614324, 'as': 0.0693923631155659, 'when': 0.0567787896411103, 'and': 0.05402159942240152, 'where': 0.04665098988630387, 'what': 0.0357350225177209, 'whom': 0.03377515745052169}, {'of': 0.31470493269034394, 'in': 0.11237630355110796, 'that': 0.0865006856750474, 'for': 0.08376207847569594, 'any': 0.08153508358634452, 'to': 0.08092608468835262, 'with': 0.08025185760776186, 'by': 0.05491540295626323, 'upon': 0.03744423171105948}, {'last': 0.26837158957220664, 'a': 0.22406755730843872, 'this': 0.13666482115820525, 'the': 0.10823926488312897, 'past': 0.06696105002929885, 'next': 0.054901327459663814, 'per': 0.03549203915314987, 'one': 0.026872234705305312, 'every': 0.020733465390622402}, {'and': 0.2234829526990876, 'that': 0.10556277731125324, 'but': 0.09583303368736258, 'time': 0.04425607942037886, 'But': 0.034873472898264896, 'or': 0.018577053257005018, 'And': 0.018575774343860155, 'day': 0.015218753498306765, 'ago,': 0.01217514924285852}, {'a': 0.2356847630208706, 'the': 0.137370339966877, 'some': 0.13043072377309617, 'any': 0.12185163800652568, 'highest': 0.03282626371197114, 'in': 0.029552776018053693, 'one': 0.029157314085872757, 'each': 0.027306283895557934, 'no': 0.026616998940274278}, {'of': 0.17343630385124204, 'the': 0.16648226533853372, 'and': 0.09034742535734015, 'to': 0.046507848488236254, 'in': 0.04156140852708595, 'a': 0.033027290910188856, 'with': 0.028137991783255708, 'for': 0.022534684097393932, 'by': 0.021193819648613506}, {'cut': 0.13164167436895463, 'take': 0.07673550941903472, 'took': 0.07307814370494599, 'taken': 0.07066428719392431, 'cutting': 0.05445862550023558, 'set': 0.04845334839548064, 'get': 0.044442364400329996, 'put': 0.041174398914797024, 'them': 0.040080663562131955}, {'and': 0.1725262984189345, 'that': 0.12329924509704912, 'as': 0.11136617833986008, 'when': 0.10418091239927056, 'which': 0.09217196780141229, 'if': 0.040237265464706316, 'but': 0.03737101129410878, 'where': 0.02599153339714819, 'what': 0.018795063388923373}, {'property': 0.08457596788949087, 'and': 0.06709342656748463, 'land': 0.04082082040312329, 'premises': 0.028959688958068833, 'be': 0.027523733255158504, 'one': 0.02611961894891682, 'thereunto': 0.026047900869449744, 'as': 0.023975078061572487, 'lands': 0.02011109664478317}, {'his': 0.1920583135339095, 'in': 0.14219700987946546, 'my': 0.13081382485310797, 'the': 0.12114059968040704, 'of': 0.09860111192646093, 'a': 0.07607306941003375, 'her': 0.0643891366363415, 'and': 0.04440249991803087, 'In': 0.03756829406534621}, {'they': 0.19912331075022158, 'we': 0.10811291162139108, 'there': 0.08364053132295186, 'They': 0.06306268922855243, 'who': 0.06282726194244889, 'There': 0.05584085839737221, 'you': 0.049888290877529724, 'and': 0.0489566847993357, 'We': 0.042356087552793846}, {'of': 0.2567015938276629, 'in': 0.14537550204886657, 'to': 0.13934581244643876, 'and': 0.06828630565064228, 'at': 0.06552298081259261, 'on': 0.06464251412186908, 'from': 0.05313614723842658, 'that': 0.046312643185781065, 'with': 0.04087833590681881}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.10540148427957612, 'was': 0.05252362240415558, 'is': 0.04850969104942993, 'be': 0.03757641319260832, 'made': 0.03666149777955054, 'that': 0.0364061900071205, 'are': 0.026124498438008605, 'it': 0.025692992982448593, 'or': 0.02563347776846143}, {'the': 0.20553286493662612, 'and': 0.09088047116112126, 'of': 0.08689840942951232, 'a': 0.05530243969179352, 'to': 0.04442599318465795, 'in': 0.025095931040427514, 'was': 0.022824943832171447, 'or': 0.019756666959807007, 'be': 0.019505538618475832}, {'the': 0.2041975556124005, 'of': 0.13533919936344585, 'a': 0.11787915309766728, 'and': 0.09546349406243544, 'to': 0.058177445617418166, 'his': 0.05418877009523716, 'in': 0.05339870536988026, 'our': 0.03881005204592635, 'for': 0.03857118282730394}, {'the': 0.16262722465144508, 'of': 0.09605398498772871, 'a': 0.05715369362136166, 'to': 0.047235583264201596, 'in': 0.04259210197915025, 'any': 0.04019520942918945, 'for': 0.038900184006499285, 'or': 0.03687117495452614, 'and': 0.03404792952970576}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'of': 0.1337658332539614, 'the': 0.10392941389338504, 'and': 0.09099357328336445, 'to': 0.06019879879940605, 'a': 0.02751352074538231, 'be': 0.02683141532387259, 'in': 0.02298789137928863, 'was': 0.020647152204530294, 'for': 0.018497608971490897}, {'foreclosed': 0.09538043014116879, 'accompanied': 0.06845597077922576, 'made': 0.061598662125208266, 'and': 0.059027214016597884, 'followed': 0.05511748685768449, 'surrounded': 0.031166549836992345, 'up': 0.025850698064541745, 'caused': 0.022929919031142654, 'secured': 0.022660668610514915}, {'or': 0.19157852181815554, 'of': 0.1652820206002653, 'for': 0.10513809663304614, 'and': 0.07960085078824139, 'in': 0.06941902478224013, 'the': 0.056844018521077976, 'by': 0.0512205549565074, 'about': 0.038229372059037835, 'to': 0.038129951562280606}, {'the': 0.4693814520428366, 'their': 0.09849637757894887, 'our': 0.05485627258293429, 'of': 0.05045725375167, 'and': 0.03947475055887038, 'his': 0.038417514712794996, 'its': 0.029554912844333956, 'equal': 0.029174261044324863, 'other': 0.028557913061080832}, {'the': 0.17365205868672973, 'and': 0.10698736316717597, 'of': 0.07647156413387404, 'a': 0.05352900170133826, 'was': 0.042498944641671435, 'be': 0.03927743526663488, 'Mr.': 0.03803012298389333, 'is': 0.029429860916374916, 'The': 0.026323826141159565}, {'number': 0.055722127423151184, 'board': 0.055405255525282096, 'amount': 0.05406672424633732, 'matter': 0.05351396037385416, 'kind': 0.04592221009835065, 'out': 0.04216925320438835, 'Board': 0.035490521085556274, 'sort': 0.02998098192735593, 'line': 0.029085449792684213}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'On': 0.1749240924379106, 'a': 0.13575897838682197, 'on': 0.09335076564327399, 'the': 0.09246645026131828, 'of': 0.08759626786339116, 'by': 0.05072122629166064, 'in': 0.03866745455789133, 'and': 0.02491880769562382, 'A': 0.021618737043488313}, {'he': 0.13885570300513791, 'it': 0.10473365896735917, 'It': 0.08607655483859353, 'and': 0.07904917777397197, 'I': 0.07120070242446704, 'which': 0.06149631022099741, 'He': 0.049818770095799485, 'she': 0.03374828084257385, 'who': 0.03140434917454907}, {'and': 0.07960007834503352, 'provided': 0.04205433067828992, 'reason': 0.029723968917757006, 'voted': 0.025364358625700374, 'demand': 0.025228760758232414, 'time': 0.020819047942359697, 'necessary': 0.01861537953241074, 'used': 0.018442857512662874, 'vote': 0.01836858181240769}, {'and': 0.09515264199589137, 'together': 0.05970144109081358, 'covered': 0.03640167794610209, 'him': 0.03211426652152613, 'up': 0.030155809362644507, 'it': 0.02246483567435092, 'met': 0.02159101760185103, 'them': 0.02092550701835756, 'but': 0.01766366684559097}, {'well': 0.22725928251186925, 'and': 0.06959989352792952, 'far': 0.04925281326270494, 'much': 0.03700781405164231, 'such': 0.03365840482789668, 'known': 0.03229014107561762, 'so': 0.028206916115316366, 'long': 0.02684497404904784, 'is': 0.025194312957298404}, {'the': 0.2749925923444323, 'and': 0.15264962783401084, 'in': 0.03505178834508453, 'that': 0.03394437155720505, 'this': 0.027480202740620883, 'of': 0.027106499671388888, 'his': 0.0248858702023772, 'to': 0.02431314724664281, 'a': 0.024262236120310976}, {'to': 0.30703238144997946, 'an': 0.2028825929136803, 'the': 0.1565891660771502, 'this': 0.07795684521082417, 'will': 0.048695912389277556, 'and': 0.03232830650968754, '"An': 0.027473564369304503, 'a': 0.02014073453044568, 'An': 0.017820420262342325}, {'the': 0.39697816722279045, 'a': 0.133693164718642, 'and': 0.08115144245885203, 'to': 0.06345165274407684, 'of': 0.05671998653480462, 'The': 0.051767174418431636, 'as': 0.030442987676783904, 'be': 0.023528950666714076, 'or': 0.020989586904087972}, {'of': 0.36425964217258955, 'and': 0.09383429918608298, 'to': 0.0750780655086349, 'that': 0.07412562464367803, 'with': 0.07031322634260112, 'in': 0.0482266540697354, 'is': 0.04611168249784078, 'by': 0.04513312958114823, 'all': 0.04034470858593158}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'is': 0.25484698768618685, 'was': 0.13344860158745314, 'had': 0.09262620434259708, 'have': 0.08256419359301674, 'and': 0.07559428302947031, 'be': 0.06954162488095667, 'has': 0.05792167925899931, 'that': 0.052047634488292666, 'are': 0.043032613376433965}, {'of': 0.21844003074315746, 'to': 0.16656760831688192, 'in': 0.11010642048148846, 'and': 0.09661685753122497, 'with': 0.06356874584560768, 'on': 0.061134400976595435, 'is': 0.055431238852097615, 'was': 0.05328734549324118, 'by': 0.048666903960231385}, {'the': 0.13917674193474652, 'said': 0.08250120334397906, 'Supreme': 0.06014191990005763, 'of': 0.04801508948263967, 'Sixth': 0.0428353450837428, 'Fourth': 0.03156820958438553, 'Seventeenth': 0.030265739153611727, 'First': 0.029994395487080553, 'Tenth': 0.025602227974872535}, {'a': 0.4371737925106998, 'the': 0.2682703581315973, 'to': 0.10648946472399598, 'and': 0.046027932312932715, 'in': 0.0218736406871751, 'or': 0.02105800683547596, 'The': 0.0196679203260251, 'of': 0.019191167745860695, 'on': 0.015694663414396508}, {'of': 0.38836112690611335, 'in': 0.11584045947065702, 'at': 0.06643157707751161, 'with': 0.0631671578350813, 'for': 0.05883335527011365, 'the': 0.03714757814853861, 'to': 0.03569210405749371, 'In': 0.03229033926116037, 'on': 0.03147482058883214}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'per': 0.8347677123865088, 'the': 0.04449135805050158, 'and': 0.02666108017684582, 'to': 0.01367696218475808, 'of': 0.013119851289888103, 'as': 0.009477966101858505, 'by': 0.008428572170700008, 'an': 0.007824563076405618, 'such': 0.006187843537335758}, {'the': 0.19568284968871735, '1st': 0.10948908718001303, 'first': 0.09067734761662177, 'a': 0.07520615955367728, '25th': 0.0582887423427975, '7th': 0.0496427230524875, '10th': 0.04726760738015849, '12th': 0.04687637514329761, '21st': 0.04424288719077973}, {'the': 0.14171510727276082, 'called': 0.13150930205631498, 'their': 0.10041166526693991, 'his': 0.0832945060482374, 'call': 0.07555322587914223, 'much': 0.06210902013296782, 'more': 0.06180349943261655, 'no': 0.05694775347650891, 'and': 0.05165233476255317}, {'the': 0.4288244476750002, 'The': 0.13725822797831408, 'that': 0.0933532669390427, 'and': 0.08667114192969083, 'of': 0.044430415019277025, 'tho': 0.03742458839019448, 'this': 0.030639829613158396, 'if': 0.018427866929402122, 'these': 0.016657135215656312}, {'the': 0.21771796208259467, 'of': 0.10638893047464938, 'and': 0.09955902232033173, 'a': 0.08023312432559898, 'to': 0.06006037682258046, 'in': 0.03137021030278229, 'their': 0.020132648181935314, 'his': 0.017786263814318058, 'for': 0.01684173856039582}, {'the': 0.12558936176150837, 'of': 0.09017428427866131, 'and': 0.0895808390847465, 'a': 0.06168473024723758, 'to': 0.045220970858010016, 'be': 0.03420316361218308, 'was': 0.030278685775916272, 'is': 0.022234994988784167, 'in': 0.021210695414088276}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'of': 0.15751103388744359, 'as': 0.1293414744380475, 'is': 0.09331702004004443, 'and': 0.07708817359390106, 'that': 0.07517926303514517, 'was': 0.0665789737310202, 'by': 0.06397626126795705, 'for': 0.06282444205660466, 'to': 0.06281522332686475}, {'the': 0.15821227495577037, 'and': 0.11752366931656238, 'of': 0.08516712164189216, 'The': 0.038265500375832706, 'that': 0.032432579756374556, 'these': 0.02833555550457424, 'These': 0.026726669763101805, 'in': 0.0257196509850291, 'such': 0.02130320762261513}, {'of': 0.25313080707997654, 'to': 0.1737782042500855, 'in': 0.15337653620861355, 'with': 0.061151845854260374, 'and': 0.05708511043538699, 'from': 0.05557569392780555, 'by': 0.05451429688101358, 'on': 0.04882615353693795, 'In': 0.04201797162657108}, {'to': 0.23314842640281752, 'in': 0.17068252171283413, 'of': 0.16169517645449227, 'at': 0.0627627294678754, 'from': 0.05778292952107059, 'and': 0.055304004967464925, 'for': 0.04827564760595092, 'by': 0.04659315424433233, 'with': 0.03937131184446248}, {'the': 0.35006312985804255, 'of': 0.11296395465848448, 'a': 0.059159395900876925, 'in': 0.05767017591127493, 'that': 0.03744411203038052, 'to': 0.02913119886044013, 'tho': 0.02845115167905678, 'The': 0.025890811200538072, 'and': 0.025611983531080115}, {'beginning,': 0.24810786265901671, 'and': 0.10332779773019722, 'beginning;': 0.03356252732661831, 'as': 0.02368534476933487, 'that': 0.023277322769009855, 'ginning,': 0.02209647348178039, 'lot': 0.02186639690787726, 'one': 0.021438819776774573, 'ning,': 0.016339630890481578}, {'he': 0.32608389389224235, 'I': 0.2017220058622354, 'they': 0.0717118311388655, 'she': 0.07170800630388023, 'we': 0.04995779667886782, 'that': 0.04586463386395485, 'one': 0.045832058303069044, 'who': 0.04402303721236635, 'and': 0.03268726080188682}, {'of': 0.16874359145705356, 'to': 0.15833415615409402, 'in': 0.10805509025597386, 'know': 0.07663432672410515, 'for': 0.06422398964494534, 'and': 0.061330234067432016, 'from': 0.04917507838005907, 'with': 0.04706592452372701, 'is': 0.04554017148277864}, {'of': 0.3920443511473929, 'that': 0.10292066776910958, 'to': 0.0918983435466273, 'and': 0.07521445716370692, 'by': 0.06653114080371064, 'in': 0.055669479145495165, 'as': 0.03661354610597505, 'with': 0.03577988298039075, 'for': 0.030965108401428982}, {'the': 0.539960977354801, 'an': 0.17295186477327715, 'The': 0.09603047994456207, 'tho': 0.033801970987028855, 'An': 0.03238151030119626, 'of': 0.027169656680062052, 'a': 0.01583836407791602, 'and': 0.015031754559734324, 'that': 0.014757242548091895}, {'that': 0.2529862888721884, 'as': 0.1201728063757839, 'and': 0.0875851407921785, 'when': 0.08483113086020265, 'which': 0.08101643036424834, 'but': 0.04245583070274023, 'if': 0.03988858278069586, 'where': 0.026393042365457534, 'said': 0.022512965062287785}, {'it': 0.288829911785256, 'It': 0.22713749487429, 'he': 0.06305095819589145, 'that': 0.06259473202339626, 'which': 0.053543243974730176, 'This': 0.03641784106064748, 'there': 0.030855016734462375, 'this': 0.028425414924411852, 'what': 0.026843989742606527}, {'he': 0.1872153886019619, 'He': 0.08819085573065322, 'who': 0.0789767114902848, 'and': 0.0514891482416666, 'I': 0.03802106693025744, 'she': 0.03447656744132162, 'be': 0.028313249062706772, 'it': 0.027066432880181415, 'was': 0.01859163136640271}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'belonging': 0.03449538861575859, 'person': 0.023611956448752656, 'one': 0.023585805306712428, 'and': 0.016146249891598897, 'more': 0.016079613634172905, 'on': 0.014218221355022846, 'two': 0.013323857703271262, 'States,': 0.011489281306928402, 'man': 0.011476063577491253}, {'<s>': 0.06751474341586021, 'and': 0.0646466915969825, 'that': 0.026518381448671465, 'but': 0.01682069072393726, 'a': 0.01618016706829082, 'or': 0.014827850885575169, 'made': 0.012418525934067753, 'was': 0.01193961423782874, 'not': 0.011495608481604793}, {'to': 0.26069781729463654, 'the': 0.20888275759156458, 'of': 0.1332041409908319, 'in': 0.07854275356676621, 'a': 0.06714687514883708, 'and': 0.04203975553088732, 'from': 0.028250635762901665, 'his': 0.027732179538841988, 'at': 0.01737767593822422}, {'the': 0.5037538848541357, 'this': 0.14462123644402672, 'a': 0.06516504488719276, 'our': 0.048071096133978454, 'tho': 0.035282172512972616, 'of': 0.03164330165937645, 'his': 0.030505820549907754, 'The': 0.027844509456995774, 'whole': 0.01725088898704179}, {'the': 0.1525868449124111, 'to': 0.08860314162870786, 'and': 0.0809307523938113, 'of': 0.06413149672430568, 'a': 0.05984421138992462, 'in': 0.05444914766920481, 'that': 0.03223760011016709, 'for': 0.029240597644207708, 'at': 0.018779735046613965}, {'number': 0.09334178933873803, 'line': 0.051777308836064094, 'State': 0.049259075256623146, 'state': 0.04700412873196896, 'place': 0.03302397557586267, 'board': 0.03276360058796896, 'City': 0.028992211235192106, 'matter': 0.028049156365316352, 'people': 0.026543867261184347}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'nothing': 0.0850630458461471, 'able': 0.0738779505709333, 'and': 0.06788063345980765, 'right': 0.05181692793807695, 'order': 0.050844731709541485, 'enough': 0.04753841685793874, 'time': 0.04743760482520158, 'want': 0.04720176756371758, 'going': 0.04548523625580621}, {'the': 0.1522511463201571, 'of': 0.09157053336721196, 'and': 0.07519283507162447, 'to': 0.06936163942185535, 'for': 0.025437769266404713, 'in': 0.02511178674697422, 'be': 0.02324888726795875, 'is': 0.02045281164709818, 'was': 0.01868950220535144}, {'of': 0.3125275653159476, 'on': 0.12038627908926992, 'in': 0.11711534291528947, 'to': 0.09762973018906089, 'and': 0.06396634928951624, 'for': 0.05049766814566548, 'with': 0.050095455639041934, 'by': 0.047700394090701974, 'from': 0.04537902696487686}, {'the': 0.2248787869473542, 'most': 0.18089480682643008, 'a': 0.17520636397469463, 'and': 0.06427126853961175, 'very': 0.0636553949229941, 'of': 0.06108530786183669, 'any': 0.03214445100439014, 'no': 0.031757312415589094, 'all': 0.02835412132821759}, {'the': 0.21982647159431415, 'of': 0.18487828367459516, 'and': 0.06047865973956211, 'are': 0.0532518066644879, 'in': 0.049924584683938525, 'no': 0.044894104711608915, 'was': 0.042663904350699035, 'is': 0.03834382629178283, 'be': 0.038124057250831414}, {'made': 0.07921275195771921, 'and': 0.056025144340201526, 'owned': 0.055766202646186994, 'accompanied': 0.054900969692248, 'assisted': 0.03946976502415988, 'occupied': 0.03757099412585663, 'delivered': 0.031512455823357585, 'ed': 0.026953440666638306, 'followed': 0.026632895928095812}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'to': 0.18799858473217856, 'the': 0.10121979312704164, 'and': 0.08957986495398763, 'of': 0.07928091239610924, 'in': 0.07066623811764501, 'will': 0.06114071428032491, 'at': 0.0577379059994616, 'I': 0.05244716657563149, 'could': 0.03503410640794657}, {'the': 0.17704022444074174, 'of': 0.11304963690433797, 'a': 0.07518660909729274, 'and': 0.06037030369482504, 'Mr.': 0.039882254428066775, 'The': 0.03401566721774667, 'to': 0.028382440811439764, 'in': 0.023974736985612498, 'by': 0.019628332084376175}, {'of': 0.22392741601383195, 'to': 0.19067430154509912, 'in': 0.13222363324500144, 'and': 0.07088662701386425, 'with': 0.05955242128404835, 'for': 0.05367808102348152, 'at': 0.05118210389420412, 'reserves': 0.05023976638551513, 'have': 0.043985713589129165}, {'as': 0.05028643760008354, 'and': 0.03682602725412749, 'up': 0.02984363549101498, 'came': 0.026611077374176693, 'it': 0.02244951652773924, 'him': 0.02125163714010153, 'went': 0.020830068193965757, 'come': 0.020668869839534088, 'according': 0.0199274332820746}, {'in': 0.34355402336112617, 'of': 0.21371828928104136, 'to': 0.1055968014261965, 'on': 0.09370968533771487, 'In': 0.06352859085941902, 'with': 0.027229306542447356, 'from': 0.026685190044315514, 'and': 0.02598708012767509, 'at': 0.021797912425211237}, {'was': 0.1954643308194402, 'be': 0.14973286569579314, 'is': 0.14660448736791348, 'as': 0.13705060339247238, 'been': 0.07447305788490338, 'has': 0.062265537861733326, 'have': 0.052737558674977404, 'are': 0.045088173045158005, 'and': 0.042191964337710726}, {'and': 0.08829300882185571, 'is': 0.07368757868564851, 'able': 0.06530263563887437, 'order': 0.057226754418143545, 'was': 0.055211827622004585, 'not': 0.043503293293971276, 'him': 0.042245645890352866, 'have': 0.038856595018404015, 'time': 0.03757097558336669}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'and': 0.12383352754340142, 'of': 0.10418545889401022, 'to': 0.0708892755104515, 'the': 0.05578510630105943, 'as': 0.0354684315753695, 'that': 0.03373548835309181, 'or': 0.025681327439041213, 'a': 0.021512639899712728, 'not': 0.019524424943717325}, {'and': 0.07629428497868855, 'was': 0.026241407870712306, 'up': 0.024413274039976708, 'out': 0.02379295931316086, 'made': 0.02236486085707091, 'that': 0.01997986992655234, 'down': 0.01899069712677248, 'placed': 0.018967691204520763, 'work': 0.017722000939135944}, {'in': 0.14411866456517713, 'of': 0.11176434547254037, 'the': 0.08442118893046849, 'and': 0.06373154682518639, 'for': 0.054333716349069784, 'a': 0.03770631626163843, 'to': 0.036625992661016515, 'In': 0.03395800652509744, 'was': 0.019670084903815784}, {'of': 0.24140876344023526, 'in': 0.12189381495486303, 'with': 0.10573843470698942, 'is': 0.0860783288757891, 'to': 0.07709479195077518, 'and': 0.06925985472883499, 'for': 0.06615255182307507, 'was': 0.05135551966740381, 'by': 0.042004463184317116}, {'N.': 0.5029605625070156, '.': 0.09474433898023432, 'X.': 0.07420504192800778, 'S.': 0.03014107770857584, 'N': 0.01885930381777535, 'A.': 0.016941964529780192, 'C.': 0.016106500671661132, 'No.': 0.014223321396393221, 'W.': 0.014197289513290265}, {'the': 0.33064621560805285, 'a': 0.31225934931919297, 'and': 0.035162999803800825, 'this': 0.02670269022171529, 'A': 0.02407660916262051, 'tho': 0.023870874267803304, 'The': 0.01714257534258203, 'in': 0.014322104723323055, 'every': 0.011209600748572909}, {'and': 0.16862959063462768, 'that': 0.16281530346084636, 'to': 0.11552552204541816, 'which': 0.06300265534096515, 'as': 0.0541046556372714, 'when': 0.02235952745495067, 'will': 0.020607472285525643, 'shall': 0.02051016716672267, 'not': 0.019148158791345453}, {'and': 0.0469146164955636, 'made': 0.040358353963635143, 'up': 0.03853757050399167, 'secured': 0.028338565527738478, 'out': 0.028250288838595105, 'taken': 0.02664009469953469, 'ed': 0.023391293532005305, 'him': 0.020408228409801416, 'done': 0.018948733585617054}, {'that': 0.1765380529689431, 'as': 0.09221968438932908, 'and': 0.09183862402004762, 'have': 0.06764973960923266, 'make': 0.05945654880393913, 'had': 0.057524493285498725, 'of': 0.050598886222925944, 'if': 0.04651589076523584, 'but': 0.04597591377808524}, {'he': 0.15542324684681258, 'and': 0.11984867070159015, 'I': 0.11943970377924648, 'they': 0.060400114807184706, 'who': 0.059146927926430545, 'we': 0.04129360137958852, 'then': 0.03564369489871771, 'He': 0.035561173738422755, 'she': 0.03405453812818907}, {'one': 0.08982937877905922, 'all': 0.08081018900847674, 'copy': 0.05403011663508978, 'some': 0.03182031626872498, 'out': 0.02934696487387668, 'those': 0.02832594673453483, 'means': 0.02769149631670555, 'purpose': 0.026446924486725035, 'part': 0.02543055890623796}, {'and': 0.10144557375495386, 'him': 0.06012505236278063, 'was': 0.040826491110174966, 'man': 0.035069640036815085, 'it': 0.03375211042846046, 'up': 0.023864587190938164, 'that': 0.02370642566638079, 'found': 0.02079136423372986, 'made': 0.020428510347646856}, {'the': 0.507634917972009, 'a': 0.10494255079311585, 'and': 0.07899081234904187, 'The': 0.06943274303971787, 'tho': 0.04234814660906841, 'or': 0.02296335096485422, 'tbe': 0.019402302231617263, 'of': 0.01368521828189765, 'great': 0.009748430153269058}, {'of': 0.2975090438785097, 'and': 0.12432465973097571, 'the': 0.10661602587310488, 'in': 0.07655894369001008, 'for': 0.06661545267095602, 'any': 0.05667091262790885, 'that': 0.04315280653905724, 'by': 0.04247406408341201, 'only': 0.04209274186757616}, {'the': 0.3484605863159391, 'no': 0.19161616086732486, 'of': 0.0942902987792626, 'much': 0.08480903574445604, 'The': 0.04591735830723818, 'a': 0.03954154537595431, 'and': 0.036574671557322296, 'any': 0.03650098832715858, 'his': 0.035010035242626664}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'city': 0.021475317570844484, 'hundred': 0.015901802559101015, 'feet': 0.015160763180116827, 'one': 0.014758963561495399, 'north': 0.013991614200620596, 'county': 0.013892782942335516, 'street': 0.012380537431943728, 'State': 0.012317166400810533, 'life': 0.0122240173883331}, {'I': 0.12708314980435775, 'he': 0.12252408102567784, 'and': 0.08753224406957574, 'be': 0.08560515456966862, 'they': 0.0834698673484586, 'was': 0.054342087403685076, 'we': 0.05014725979231855, 'are': 0.03544181204711029, 'been': 0.03434246380622818}, {'and': 0.1688660578667606, 'they': 0.09769006813808914, 'he': 0.07248773937594832, 'is': 0.06508800489714896, 'I': 0.059866689349233976, 'who': 0.059250594087062534, 'it': 0.051680096950223596, 'not': 0.04453407089073889, 'we': 0.044504550486444416}, {'and': 0.09799652065303761, '<s>': 0.020244202277214383, 'to': 0.01409633714343703, 'be': 0.01392634995754933, 'is': 0.012708226256882841, 'that': 0.012685796675655442, 'was': 0.011609554316298069, 'it': 0.010362216297351394, 'w': 0.008837888809102764}, {'two': 0.16424476662830317, 'many': 0.1556305501464959, 'few': 0.11392061858242634, 'ten': 0.1112451627147491, 'five': 0.08716622217924067, 'four': 0.07438273605733114, 'three': 0.07083998338356431, 'twenty': 0.06553247129192831, 'several': 0.06066383665614958}, {'the': 0.12610390516537837, 'and': 0.11507702564141198, 'to': 0.07674368013321195, 'of': 0.07364496455061136, 'a': 0.048165583660781525, 'in': 0.043920735269402364, 'in-': 0.03681104927134693, 'or': 0.03364502896595471, 'that': 0.03169535402431471}, {'of': 0.3059795878827563, 'and': 0.08656186977853503, 'to': 0.08486016238830525, 'for': 0.0839401089841186, 'that': 0.06810349735517436, 'in': 0.06219177653748783, 'with': 0.05991260238306275, 'by': 0.05445917026139508, 'is': 0.05232063926246378}, {'the': 0.28738998835466134, 'of': 0.2631341737265592, 'his': 0.051123171141592615, 'to': 0.05004469553293167, 'in': 0.04596078175029317, 'their': 0.045580982901241386, 'good': 0.043739097153083537, 'public': 0.03605537152096178, 'perfect': 0.03305162472723352}, {'.': 0.1803435693393194, 'A.': 0.06778381340777495, 'Mrs.': 0.0469492051883802, 'C.': 0.03769191651478087, 'Mr.': 0.02885758532543534, 'Dr.': 0.027558194069278914, 'D.': 0.023685982067999392, 'J.': 0.02024923070579006, '<s>': 0.018543056496880293}, {'to': 0.1943192147288941, 'with': 0.12137238769407391, 'for': 0.08566946666965604, 'by': 0.0665021852429501, 'of': 0.06279879721750749, 'put': 0.056529164641122814, 'upon': 0.055901175627882355, 'told': 0.04107528690127478, 'against': 0.03656688281742951}, {'the': 0.1555782120315619, 'of': 0.08566628621572114, 'to': 0.06157758367928363, 'and': 0.059699708013337176, 'a': 0.042716868574122706, 'in': 0.02287924394707579, 'by': 0.019941892095387062, 'at': 0.01891547780989449, '<s>': 0.01748375952647909}, {'and': 0.1568546504257344, 'of': 0.13945163628395718, 'to': 0.12922417778249043, 'in': 0.11907650573061954, 'with': 0.10129596366978545, 'that': 0.047174488990185816, 'for': 0.038839146536319924, 'at': 0.03298619890620688, 'was': 0.032635235862127666}, {'of': 0.25455954445331175, 'for': 0.117930537389047, 'in': 0.11054905662123853, 'to': 0.1097133789272852, 'and': 0.0788576516156301, 'with': 0.055210242888537646, 'that': 0.05161673771257253, 'by': 0.048144195379789735, 'on': 0.04734881312781342}, {'Mrs.': 0.10958679183114749, 'Mr.': 0.06470320995327139, '.': 0.05107427973241819, 'of': 0.03213044116909717, 'and': 0.02996120583251978, 'Dr.': 0.026339124130021634, 'J.': 0.024594083109268767, 'W.': 0.022641697734490568, 'by': 0.02207141845626822}, {'is': 0.09387094937242406, 'not': 0.08095307625213448, 'him': 0.06809641372084774, 'and': 0.06554511324828927, 'have': 0.06198120995479102, 'was': 0.05838442303919285, 'able': 0.05812660547574352, 'had': 0.05301953891270479, 'want': 0.04762104765735053}, {'<s>': 0.08182042125581314, 'sale.': 0.04879468417802476, '.': 0.018816354468087347, 'wit:': 0.017691281522812404, 'to-wit:': 0.015450156033081721, 'follows:': 0.014989671981559975, 'it.': 0.012418902109058348, 'them.': 0.010402558716549761, 'day.': 0.00814271642442629}, {'of': 0.2714248920500059, 'on': 0.25060212807663995, 'during': 0.06729882550473666, 'in': 0.066049314716792, 'for': 0.052977717146743965, 'and': 0.04987633044682824, 'to': 0.04540998605262729, 'that': 0.040992454733397486, 'On': 0.035461198891197726}, {'of': 0.09825390434438497, 'the': 0.09098418013882137, 'and': 0.07794623491344993, 'to': 0.0534957146415912, 'be': 0.046929961189797025, 'in': 0.03133437670650079, 'or': 0.028248261083669284, 'for': 0.024019135207191417, 're-': 0.02305439953768153}, {'they': 0.12838347398337074, 'we': 0.11603658248393978, 'he': 0.11188205608174079, 'I': 0.10806467310526675, 'it': 0.07731331117343797, 'that': 0.04893562850977295, 'you': 0.04718779423013539, 'which': 0.04558976312336366, 'and': 0.03978320874870181}, {'and': 0.1900864083109134, 'so': 0.07236551484482459, 'fact': 0.06529413008928094, 'say': 0.04489250947967794, 'said': 0.04352662687872589, 'know': 0.041234287355143666, 'is': 0.036108782258336324, 'believe': 0.034445245383265065, 'but': 0.03230609641048291}, {'of': 0.20799423453945617, 'and': 0.10350678119805731, 'containing': 0.08873020217185663, 'the': 0.07782750251331177, 'about': 0.049902845475989686, 'to': 0.038252904078193865, 'or': 0.035173972537228024, 'for': 0.022805132361933798, 'in': 0.021215759934172365}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.07858900320008572, 'has': 0.06970183019195078, 'of': 0.05731004335236673, 'which': 0.056901388447290195, 'the': 0.05572247515543047, 'have': 0.051651327562695894, 'had': 0.04261465344850526, 'to': 0.04223012089931277, 'as': 0.03667019145877364}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'a': 0.1129439423708471, 'the': 0.10491947383500579, 'and': 0.09051740409492884, 'of': 0.06707183453448623, 'to': 0.05527494009083257, 'for': 0.04898080246428694, 'in': 0.0315106516020934, 'that': 0.025335663452272526, 'at': 0.021384043705585946}, {'the': 0.16351203681248005, 'of': 0.11205020354841848, 'and': 0.0871097652923303, 'to': 0.0745903341932479, 'a': 0.06991937188312733, 'in': 0.026491511974886067, 'at': 0.022605951801144733, 'for': 0.02247003513658937, 'was': 0.021560832530270344}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'able': 0.10244953373136609, 'began': 0.07784577221825993, 'unable': 0.0652968050761334, 'right': 0.06403306349296828, 'is': 0.05849844101581249, 'enough': 0.048926990332833514, 'ready': 0.047277713945727766, 'him': 0.04357589821644326, 'have': 0.04203592086138824}, {'of': 0.24777035733788055, 'in': 0.15681171004061986, 'to': 0.12446398034734331, 'and': 0.06550370839814594, 'that': 0.06518867705284288, 'on': 0.05376195284731124, 'by': 0.05112814682747323, 'from': 0.04636760476830709, 'with': 0.040819699991873175}, {'of': 0.20121703835809077, 'in': 0.14740864817372587, 'and': 0.08333537679695052, 'to': 0.0744882182166641, 'for': 0.056783940914832624, 'In': 0.03240185409035968, 'on': 0.03198733262854425, 'by': 0.03179675928129843, 'with': 0.03105825195015066}, {'the': 0.2928940851029564, 'of': 0.1291542553074522, 'and': 0.07552989858748482, 'a': 0.06199374127503586, 'in': 0.04556976005575561, 'to': 0.039876825326621276, 'The': 0.031377763985454554, 'on': 0.01953389311552221, 'at': 0.017985365512509347}, {'of': 0.16050858929447592, 'for': 0.1525694226761158, 'in': 0.13024723461735926, 'to': 0.11338567669343318, 'and': 0.1051277416622137, 'is': 0.0658144190407114, 'with': 0.06267468132007832, 'In': 0.041550997247613984, 'at': 0.032265106197076225}, {'to': 0.12852965932965268, 'and': 0.10200529724987092, 'the': 0.08397791582659359, 'at': 0.07507073662066452, 'of': 0.038487008152213245, 'in': 0.0375598372963212, 'from': 0.025492784753434077, 'for': 0.02456903253099121, 'his': 0.022806504542615038}, {'the': 0.2452384909841579, 'and': 0.14576376872636354, 'a': 0.0880909078507836, 'be': 0.07571316396378752, 'was': 0.059697855585579516, 'in': 0.05201366337578058, 'of': 0.04612077819104933, 'to': 0.03670211962729211, 'been': 0.030776042003184893}, {'the': 0.4293989435412243, 'The': 0.09956206294156188, 'and': 0.06593006404977073, 'a': 0.04357818067734954, 'tho': 0.030836746966212882, '.': 0.016674257829380725, 'of': 0.015273511269597887, 'tbe': 0.01219438668254125, 'at': 0.011844771261758112}, {'and': 0.17550306597187884, 'it': 0.10803743096689918, 'he': 0.04215284004072611, 'It': 0.039780311958461705, 'of': 0.03543273494648609, 'we': 0.021728670713833373, 'who': 0.020408310348425978, 'land': 0.02004714411816301, 'they': 0.019196660466541247}, {'No.': 0.09566190119804459, 'and': 0.05586074036710024, 'at': 0.03351682914534574, '.': 0.03229216938825907, 'to': 0.019734776924775342, 'that': 0.01963202983288205, '<s>': 0.01850082846913289, 'as': 0.017576720345049493, 'an': 0.016720677296875968}, {'<s>': 0.08377565500716182, 'it.': 0.01822108692396057, 'them.': 0.015474458945265168, 'him.': 0.014722912085746123, '.': 0.011573472850408398, 'time.': 0.008843609370508971, 'day.': 0.008286247552536246, 'work.': 0.0066831858959648304, 'city.': 0.005940277644839279}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.08217649878482243, 'is': 0.07126028936335732, 'enough': 0.05978260820506687, 'able': 0.05879769121903548, 'have': 0.049553129257904144, 'ought': 0.0475834106848846, 'as': 0.04714227707033321, 'them': 0.04673557391431811, 'him': 0.04295055453599788}, {'a': 0.4423869430818689, 'the': 0.22751300399704766, 'most': 0.08818686735739177, 'The': 0.046796891091695846, 'of': 0.044082562268323584, 'and': 0.042081182086076356, 'very': 0.041573081600946866, 'A': 0.01832073091770556, 'is': 0.014643754678998231}, {'about': 0.18397688705853488, 'and': 0.1619645559237407, 'the': 0.15802571813226446, 'or': 0.1017294225308394, 'of': 0.059630452772449785, 'was': 0.045482233087445006, 'were': 0.031851996050093805, 'than': 0.0313766926921391, 'are': 0.028734217512868816}, {'the': 0.47020718915655446, 'of': 0.1936763736058204, 'a': 0.08548385432895798, 'The': 0.04924514048814949, 'tho': 0.040387297848392234, 'with': 0.02925072185677006, 'and': 0.026863041023837814, 'hot': 0.02481207383583234, 'low': 0.016832363246673494}, {'the': 0.13522852846204217, 'of': 0.13106852921523515, 'to': 0.09921689538470628, 'and': 0.08694546232674666, 'in': 0.05436021095937342, 'for': 0.029685586419293072, 'by': 0.02897683925742258, 'at': 0.026581010542340824, 'that': 0.02589194574948521}, {'of': 0.0944699266552733, 'that': 0.04701322174883912, 'and': 0.04438782494994391, 'in': 0.034187258759228796, 'for': 0.019699557101474873, 'to': 0.013193724277700858, 'one': 0.012651659849081615, 'from': 0.012075821882445312, 'by': 0.011835875664281847}, {'and': 0.12681284687393327, 'the': 0.06637712813723988, 'be': 0.06107535981383308, 'was': 0.05117936377826199, 'of': 0.05102407000838506, 'a': 0.044750216907879815, 'is': 0.03832141462801327, 'to': 0.037181874062839015, 'are': 0.027736838060820966}, {'to': 0.16081478828156734, 'the': 0.1548738098643235, 'and': 0.14308555192451683, 'of': 0.1414984041949252, 'be': 0.07224360465326558, 'in': 0.06474168073304985, 'is': 0.041634027429641576, 'or': 0.03935711082500423, 'are': 0.03764038533231013}, {'the': 0.3877010200354131, 'at': 0.1510252170931239, 'of': 0.08626467539474186, 'here': 0.036818683544800695, 'The': 0.033536077761240055, 'At': 0.03261286477808524, 'and': 0.028431598073925476, 'tho': 0.026801727838489983, 'day': 0.026773696177686924}, {'one': 0.11545540046235347, 'some': 0.08187723884488579, 'all': 0.06237645303381501, 'many': 0.060067787117329206, 'out': 0.04741317585652934, 'most': 0.04098571664053189, 'none': 0.0406080849994516, 'any': 0.032410859101177525, 'part': 0.03232614815084496}, {'hundred': 0.040578339048628675, 'due': 0.014337418696347703, 'time': 0.012996785965280073, 'him': 0.012571030142505891, 'up': 0.012362663876346165, 'more': 0.010250660186138159, 'one': 0.010141192602004898, 'life': 0.009445989962877014, 'it': 0.00902107074454067}, {'a': 0.22695263323093665, 'the': 0.16936965670495946, 'of': 0.07759408772955596, 'and': 0.06840735779922623, 'that': 0.05529309686959248, 'in': 0.050242576756023324, 'this': 0.04113449429283071, 'The': 0.035569207392279714, 'their': 0.02501479082005012}, {'and': 0.02966429537094464, 'one': 0.02355425304206706, 'corner': 0.022014324133966142, 'city': 0.021139079613163702, 'day': 0.018077329659872878, 'line': 0.017116068987439795, 'part': 0.01609823781276713, 'that': 0.0135132659559262, 'daughter': 0.01220983773257133}, {'is': 0.14204582709209762, 'in': 0.14037234124745585, 'was': 0.1252978455184368, 'of': 0.10981592482355237, 'with': 0.08487235605773993, 'to': 0.08447380651448205, 'and': 0.055046574387685385, 'be': 0.05480533347652429, 'for': 0.047475543337503597}, {'of': 0.10129074138259742, 'the': 0.08254263967543968, 'and': 0.07634321623338855, 'a': 0.07591424472345104, 'to': 0.06577851561931618, 'for': 0.054266089505552166, 'in': 0.042933556159508834, 'with': 0.025124167538147738, 'that': 0.023639409285069638}, {'the': 0.3411673738086263, 'of': 0.10805123767555379, 'and': 0.08122649259570967, 'a': 0.06546299150712576, 'to': 0.04764337310332256, 'The': 0.03658807016405434, 'tho': 0.030011070935566708, 'with': 0.026649119942760233, 'in': 0.02437894568862278}, {'the': 0.5376921517774096, 'a': 0.06878600243064438, 'white': 0.05834747780499625, 'and': 0.029174434884061164, 'tho': 0.024458890059999457, 'this': 0.019768783528569544, 'of': 0.01651525620446658, 'The': 0.012815089372394832, 'his': 0.012392307213292042}, {'of': 0.20369113568220665, 'the': 0.19106067392879433, 'and': 0.10076775503143731, 'in': 0.0846911029219068, 'a': 0.08443047024939072, 'for': 0.05299307604131228, 'by': 0.049756161614907375, 'to': 0.04306208431696485, 'with': 0.029928438372413452}, {'the': 0.2391120854115822, 'in': 0.17875852441868773, 'of': 0.17644442647966282, 'this': 0.0859342516544513, 'his': 0.0575757680900685, 'that': 0.05655454071114224, 'to': 0.05574053026780449, 'their': 0.038387031012447344, 'same': 0.03424229521370672}, {'of': 0.23736400532636606, 'is': 0.11550528870751772, 'with': 0.09670914260569716, 'to': 0.0799275916967162, 'as': 0.07965114083147855, 'in': 0.07885567258357323, 'and': 0.07666794081188867, 'by': 0.06961663641615258, 'for': 0.0551313490368872}, {'a': 0.38939265259101663, 'is': 0.10465226963321222, 'was': 0.10085881747794649, 'the': 0.08818876906102148, 'are': 0.07634464241693922, 'be': 0.06567748411538903, 'were': 0.03718343547753749, 'not': 0.03028157429012093, 'been': 0.029880031803242328}, {'to': 0.27675746667049417, 'I': 0.25451020467300406, 'not': 0.11582117089644273, 'you': 0.07372657073190057, 'we': 0.06606115014250696, 'and': 0.05237601469014435, 'We': 0.03926701970597316, 'would': 0.024357983971703953, 'they': 0.020276335579695444}, {'it': 0.1562807757905685, 'which': 0.08494799871609857, 'and': 0.08112484806497348, 'It': 0.06907920063525162, 'there': 0.05956320554773866, 'they': 0.04587430296742804, 'who': 0.03479365750475869, 'we': 0.033141882320015616, 'that': 0.03109157477284084}, {'at': 0.07461502548155398, 'and': 0.056672064260036646, 'No.': 0.048060926002903445, 'the': 0.024558249109694404, 'an': 0.02383214972782685, 'of': 0.023776804313233934, 'that': 0.019729927845188407, 'No': 0.019165111366787294, '<s>': 0.019164874243632123}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'of': 0.16223839358005132, 'at': 0.14024146240238444, 'to': 0.13177247896358885, 'about': 0.10494204267499443, 'and': 0.08394382224923547, 'for': 0.06470919659337908, 'than': 0.03196658515037451, 'or': 0.022759610276389626, 'from': 0.022280590016164763}, {'and': 0.0829523614599251, 'was': 0.060689533224924354, 'held': 0.048052450441582434, 'is': 0.03406869343434422, 'closing': 0.02942418025758791, 'be': 0.027854930560253576, 'sold': 0.027571978122719974, 'sell': 0.0272903632659035, 'required': 0.022684768582745696}, {'of': 0.26529904150880407, 'at': 0.22752231674569606, 'in': 0.08753392962489258, 'and': 0.08662498368053927, 'to': 0.07584392896813541, 'for': 0.04894590009524399, 'after': 0.03050700001988239, 'with': 0.02949362901271432, 'by': 0.02750949714516743}, {'part': 0.04892480906098803, 'one': 0.02652904705044422, 'side': 0.022828601562844723, 'to': 0.020076920781017586, 'an': 0.01640862798359107, 'day': 0.01502148208198308, 'time': 0.013471224969455615, 'cost': 0.013410895439404035, 'and': 0.013281745391254032}, {'the': 0.4982562410595862, 'a': 0.13277933307135437, 'The': 0.061246744549208657, 'tho': 0.041614007383593825, 'of': 0.02911337205845896, 'to': 0.027060228249512104, 'and': 0.02245178785132222, 'this': 0.0212896481314721, 'tbe': 0.015151487224534615}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'the': 0.5009808641863471, 'an': 0.11837879780194518, 'The': 0.08895552251628663, 'of': 0.056298123202772686, 'and': 0.04342821152309774, 'his': 0.03786554982981251, 'their': 0.03337118300150704, 'tho': 0.03145147122914316, 'years': 0.023038218226348477}, {'and': 0.07536013002573318, 'to': 0.06762431471540578, 'the': 0.06602840055202795, 'of': 0.05716084658125334, 'be': 0.04159194637069477, 'is': 0.033567415544923374, 'was': 0.030965628121023256, 'for': 0.028524940914513828, 'in': 0.02342292909354043}, {'a': 0.3909730097859991, 'the': 0.21128590229086458, 'every': 0.05174348450328446, 'any': 0.04549194598507411, 'and': 0.04387023260348855, 'other': 0.042740078750205746, 'some': 0.04272954344526924, 'American': 0.03715738376184294, 'of': 0.023051218257920846}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.21166704455868132, 'his': 0.13977299694699982, 'of': 0.0703366928851678, 'Miss': 0.04547969584086257, 'the': 0.03138449201523355, 'to': 0.027653642770244846, 'her': 0.018292921737871552, 'my': 0.012606424845161042, 'a': 0.01234253992001799}, {'at': 0.33065369193220373, 'of': 0.0718022425052934, 'Section': 0.06155739771261521, 'to': 0.05594390091013813, 'No.': 0.05565218558633312, 'and': 0.041404261969656034, 'Sec.': 0.0363598205272267, 'about': 0.03318183700150691, 'June': 0.03194220478729718}, {'and': 0.23733460634642198, 'that': 0.05426937759214024, 'but': 0.04921180532084205, 'time': 0.04488502903573433, 'or': 0.0184878488436019, 'But': 0.016044961803409377, 'come': 0.015890906214471246, 'ago,': 0.013583776537653674, 'which,': 0.012634723979825914}, {'men': 0.020917593801841, 'do': 0.012015196785558893, 'them': 0.009688524458357608, 'up': 0.009572317897788837, 'him': 0.009437920822025315, 'it': 0.008692725649884329, 'in': 0.008001312756660184, 'out': 0.007415320062745992, 'can': 0.007415030353452572}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'as': 0.08980247947664825, 'and': 0.06512949261993622, 'according': 0.05862507404263971, 'up': 0.05389899553372113, 'them': 0.04410767082523826, 'regard': 0.03960431761401057, 'come': 0.03824111394669009, 'back': 0.035333853400752305, 'return': 0.032678535105253856}, {'up': 0.016721304895189002, 'in': 0.015908442940274024, 'him': 0.015186121980451689, 'out': 0.011251984823417696, 'time': 0.009670577753412702, 'work': 0.008918645776722994, 'men': 0.008392706866242734, 'made': 0.008287756889388, 'them': 0.008063758640316956}, {'the': 0.1450524935836439, 'and': 0.10177379526547212, 'of': 0.07092498490510685, 'to': 0.06643859177010694, 'in': 0.043184033163470234, 'was': 0.040444756304387645, 'a': 0.037358609147802715, 'be': 0.034122654588659554, 'is': 0.024495922836782185}, {'and': 0.27748609186360895, 'the': 0.2532643661602031, 'all': 0.12370419464551585, 'or': 0.08429883172391896, 'any': 0.07199610962388128, 'of': 0.03954965618484987, 'no': 0.039274269072576536, 'with': 0.031716406477122316, 'The': 0.031042635178204537}, {'<s>': 0.12302175087319901, '.': 0.01796778595006221, 'it.': 0.015575143017861294, 'them.': 0.010151545329327147, 'of': 0.009605063374937568, 'day.': 0.008314578481578823, 'him.': 0.0072471225093326645, 'time.': 0.006433604547210719, 'year.': 0.005881685198257782}, {'the': 0.28377963487201124, 'of': 0.1734245697086174, 'in': 0.1033166953708956, 'at': 0.0865201772338335, 'The': 0.04300886614061924, 'and': 0.04181278142445501, 'to': 0.0381774251124949, 'for': 0.030338333456237997, 'that': 0.0205207644944994}, {'that': 0.12831872644740377, 'and': 0.126663941247664, 'had': 0.07506388659260793, 'but': 0.07049459831778987, 'is': 0.06591398960689934, 'as': 0.06262931474779967, 'have': 0.06255941414565483, 'Is': 0.049473449221132004, 'make': 0.04910881991790223}, {'to': 0.04731554363018557, 'in': 0.046834796443120004, 'the': 0.046577543770829795, 'of': 0.046025237609132276, 'and': 0.03941460090086945, 'a': 0.032366886828479456, '<s>': 0.031062578819746892, '-': 0.020051665287755975, 'by': 0.014961024177022088}, {'be': 0.2532992475674412, 'is': 0.1458278894322928, 'are': 0.11422482029651988, 'and': 0.09490434256992264, 'was': 0.08870810579125604, 'been': 0.05680974132418512, 'with': 0.048276760055936, 'of': 0.043049727938932664, 'not': 0.03577545320503444}, {'was': 0.27397567083408697, 'were': 0.13889503899557704, 'be': 0.11821195076200029, 'been': 0.08342281473539537, 'is': 0.05913485542641906, 'are': 0.05631373869205091, 'and': 0.03923711877976192, 'being': 0.025134384644761056, 'to': 0.024857726604340005}, {'there': 0.13889162666835414, 'they': 0.13040175950731378, 'There': 0.10468256740582198, 'and': 0.06799390360749968, 'who': 0.06230571607874209, 'They': 0.0370283898138161, 'which': 0.035864594439312725, 'we': 0.032688320355760865, 'that': 0.020655404299137394}, {'be': 0.1663369628681502, 'and': 0.0774941289454853, 'is': 0.0728750400208379, 'been': 0.07222210148843591, 'was': 0.06729460340528232, 'he': 0.057730867370660834, 'as': 0.057498632855800064, 'the': 0.051640904634872545, 'all': 0.040064512264650305}, {'New': 0.8645443646076906, 'of': 0.021714401146461025, 'Now': 0.013250424856082795, 'Xew': 0.010965865098304474, 'and': 0.009945750177100494, 'New-': 0.005738645811910061, 'Mew': 0.0055212391929453045, 'to': 0.004107292319578922, 'be': 0.003172474440895192}, {'of': 0.13974853039843968, 'the': 0.11276761099736697, 'and': 0.09068549705099793, 'a': 0.08710698331068957, 'to': 0.0650991528582684, 'in': 0.04421233262234232, 'for': 0.03548431020703601, 'be': 0.02207281303191332, 'as': 0.020504716001190103}, {'a': 0.1074143663002301, 'the': 0.10402828731844249, 'this': 0.07610424691032823, 'of': 0.06769792650199971, 'his': 0.052539120949271184, 'and': 0.0510358472189882, 'in': 0.050351723892379886, 'her': 0.02674267721874558, 'to': 0.026652856034198365}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.2494264079960612, 'of': 0.20813163086248895, 'a': 0.09139704534265826, 'for': 0.07981922850016179, 'and': 0.07064812179725137, 'in': 0.0627733215760517, 'no': 0.05173448252233056, 'his': 0.05029357786448779, 'their': 0.04650962186100882}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'be': 0.15267192475702987, 'has': 0.14163409332468752, 'have': 0.12940618318839583, 'had': 0.09748814447111397, 'he': 0.07760579493457095, 'been': 0.06321042944025214, 'was': 0.05790968210740164, 'and': 0.052205348925629516, 'are': 0.04606678358621845}, {'the': 0.3127957319987115, 'a': 0.2879739701572741, 'his': 0.061738772695763375, 'and': 0.056037055258615215, 'The': 0.05384086818497827, 'of': 0.041064633541275875, 'will': 0.03956262307206427, 'in': 0.03381911264344968, 'to': 0.030222022165754776}, {'and': 0.057921268277516355, 'made': 0.05720454238099223, 'or': 0.027667855811310166, 'that': 0.018011544704181506, 'him': 0.017558990673212004, 'followed': 0.017527595302827884, 'owned': 0.017473857763875875, 'ed': 0.01667035337328131, 'accompanied': 0.016387667436576978}, {'be': 0.24780719937845502, 'was': 0.1440168010728419, 'is': 0.08046880710165155, 'been': 0.07472626042448792, 'being': 0.04811910018770151, 'were': 0.04695292298014457, 'and': 0.046760337189152526, 'are': 0.046228190582508814, 'have': 0.04362806505999482}, {'the': 0.10900014927043189, 'of': 0.10286453043567331, 'in': 0.07238368556976003, 'and': 0.06330195028561277, 'to': 0.051930887411534794, 'on': 0.03701952218321845, 'at': 0.029638354907365987, 'a': 0.023837161051441052, '<s>': 0.022621941002931707}, {'those': 0.14275783744395315, 'men': 0.11493244128584172, 'man': 0.0983615278092573, 'one': 0.047641101642905845, 'and': 0.0467493209496205, 'people': 0.028699491157296593, 'all': 0.027251752006923757, 'woman': 0.02492867887805634, 'Those': 0.01997471981611078}, {'is': 0.13835062791141917, 'as': 0.1258362281037673, 'of': 0.11848289988268422, 'was': 0.09502681590848566, 'in': 0.08912436123193881, 'for': 0.08614900791416344, 'with': 0.07782201029934685, 'such': 0.06451625905466483, 'by': 0.059708017849958925}, {'will': 0.24222303492685845, 'to': 0.17894017277014332, 'would': 0.15365817871930726, 'can': 0.09340376415410832, 'may': 0.0833656475806979, 'should': 0.05800162889947288, 'shall': 0.05057253495538117, 'could': 0.04868562825996754, 'not': 0.037770832381037026}, {'dollars': 0.024097654214584468, 'day': 0.024067661324865573, 'hundred': 0.02019406753718072, 'feet': 0.012362517635227704, 'up': 0.010892641067010567, ';': 0.009103794724580196, 'costs': 0.00794571197509871, 'street': 0.00775967388257722, 'time': 0.007698267379696087}, {'be': 0.3245727305849751, 'was': 0.17643993394881805, 'is': 0.12332572704399596, 'been': 0.1117240470288703, 'are': 0.05210285110048825, 'were': 0.05155696146506625, 'and': 0.04010211317993796, 'he': 0.026991791368993063, 'so': 0.025153508911940455}, {'is': 0.1710030797820852, 'of': 0.12849478993978034, 'was': 0.10019889939240649, 'as': 0.09700228802326269, 'with': 0.07404561513844286, 'be': 0.06927143042116275, 'for': 0.06562224184839395, 'have': 0.06174916549104627, 'in': 0.051748711203197274}, {'the': 0.25201480559892503, 'of': 0.1324557024773508, 'in': 0.11815065539199235, 'a': 0.07279717961079692, 'his': 0.04412469580086347, 'and': 0.036546947559619875, 'In': 0.036432034975526606, 'to': 0.03513414383657755, 'an': 0.034967685822072214}, {'to': 0.20760547025097645, 'the': 0.15922999403728083, 'of': 0.1224948348038155, 'and': 0.08172849794552012, 'not': 0.07479406504107315, 'for': 0.038649833666770904, 'or': 0.03792191522666663, 'at': 0.028834730170244703, 'in': 0.028818523544145186}, {'the': 0.4853509273813213, 'tho': 0.02831445368823391, 'Mississippi': 0.025910108832432877, 'of': 0.025898468922523444, 'The': 0.015851346088944226, 'Potomac': 0.01522163962511492, 'Missouri': 0.013460453723705324, 'said': 0.013063627528340038, 'Ohio': 0.01274202929222424}, {'and': 0.0839195995229864, 'made': 0.06618948040173607, 'it': 0.021852977852358995, 'up': 0.020556580690994624, 'followed': 0.020240075849341028, 'done': 0.017854056380112577, 'but': 0.015315925713565584, 'that': 0.015307763592265674, 'ed': 0.01474291973550349}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'in': 0.17652760917965993, 'for': 0.151354009910558, 'of': 0.1446225411626746, 'within': 0.07676218447632911, 'and': 0.06717596279132201, 'only': 0.06128473435121691, 'In': 0.05570803182784873, 'with': 0.046693183934266455, 'is': 0.03963400043812576}, {'the': 0.15492748028391407, 'to': 0.07441497660099575, 'of': 0.07101563095113042, 'and': 0.05926248323133791, 'a': 0.04415635124112733, 'at': 0.03104001959976275, 'in': 0.025780818041339366, 'by': 0.023400753039629966, '<s>': 0.02106416403330761}, {'above': 0.4268622531358256, 'following': 0.3383533585549958, 'and': 0.0526155330260533, 'the': 0.03730337174767279, 'lowing': 0.030071452000764106, 'premises': 0.019838230325932814, 'hereinafter': 0.014151706248069143, 'a': 0.008442169402063953, 'is': 0.0066892565370220035}, {'he': 0.16856212726638975, 'which': 0.12852215720259674, 'who': 0.10410149180235957, 'and': 0.08189535687514204, 'that': 0.07883467117159629, 'He': 0.06010870063413921, 'it': 0.04424044568316264, 'It': 0.03358716929060727, 'she': 0.030352119227668204}, {'and': 0.30480679408676004, 'that': 0.13479856196468062, 'but': 0.05908094848808259, 'is': 0.05574754094119931, 'was': 0.038525036156379026, 'as': 0.02647785043706066, 'And': 0.02078521577411556, 'Is': 0.019950378406970108, 'it': 0.01978316778315796}, {'and': 0.09880975566097908, 'in': 0.05956517663076667, 'of': 0.029492665980618792, 'are': 0.028148821935334564, 'recorded': 0.027417701864328334, 'is': 0.026996981401923754, 'was': 0.026884812330338757, 'that': 0.025732163966639094, 'be': 0.024121457469381182}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.6392955369629648, 'The': 0.06545090287822147, 'large': 0.04496835672331592, 'a': 0.041172328846026326, 'an': 0.03623072489349572, 'that': 0.03213213338012071, 'tho': 0.025891036311180695, 'this': 0.022575512164172945, 'and': 0.02108907858513613}, {'<s>': 0.15539050295529733, '.': 0.018607912877358305, 'it.': 0.010603811825115132, 'of': 0.007338645690912358, 'day.': 0.006040889801602174, 'them.': 0.00558660106162637, 'in': 0.005144085584566273, 'time.': 0.004815762718282907, 'city.': 0.004674860936810021}, {'and': 0.1489142449680375, 'was': 0.06010883774760316, 'it': 0.03858672434316372, 'that': 0.034913708535131115, 'is': 0.03439244954710361, 'but': 0.029290315346895572, 'when': 0.024907263161309857, 'be': 0.023817763969469007, 'had': 0.023700166996978855}, {'the': 0.4427163280681574, 'a': 0.1379095308160165, 'large': 0.12368189704644451, 'in': 0.10219350659252532, 'In': 0.03673230650375193, 'tho': 0.031717467151040124, 'this': 0.027425917249344726, 'The': 0.02454375268407247, 'and': 0.02362451924387986}, {'the': 0.1312657741927636, 'of': 0.10024106471573373, 'and': 0.09389507853814243, 'to': 0.08217576015666857, 'in': 0.05046141444787547, 'for': 0.035581202416494186, 'by': 0.032670845024494105, 'with': 0.026615173864272368, 'that': 0.026121729716233093}, {'the': 0.6971727780803111, 'this': 0.11834491329513823, 'tho': 0.04337118548685484, 'a': 0.03269219282545714, 'The': 0.016365103246830673, 'tbe': 0.015539656987073536, 'that': 0.015061911886690203, 'other': 0.013031088381532689, 'his': 0.012437079781719226}, {'the': 0.4393996438925699, 'their': 0.08129498192643554, 'of': 0.06084398598504076, 'a': 0.04567874291691637, 'The': 0.04063765458203263, 'our': 0.03838110320441249, 'his': 0.036833334369306074, 'and': 0.03570529152236946, 'these': 0.03389988553021193}, {'the': 0.31059439590562227, 'of': 0.21965292395703717, 'and': 0.055680703536081094, 'by': 0.043497621983409035, 'said': 0.03890290896840868, 'a': 0.028644325538898636, 'to': 0.02828609231758372, 'The': 0.019145541226096137, 'tho': 0.015077676423478499}, {'hundred': 0.058546798111218844, 'time': 0.018564928081805404, 'strength': 0.015907771894758827, 'rules': 0.015692488950876552, 'good': 0.015438490874889228, 'men': 0.013639924508277822, 'rights': 0.013203225195907487, 'out': 0.012438713692027259, 'life': 0.012417468818488034}, {'and': 0.2268290640059574, 'was': 0.1400856650067093, 'been': 0.06313607556765109, 'be': 0.06144498612262786, 'the': 0.043499406000906515, 'were': 0.0383746279532794, 'is': 0.03720194462819547, 'has': 0.03167657819410406, 'had': 0.0275026100042738}, {'and': 0.19336829028028793, 'when': 0.09221869878409208, 'that': 0.08176483227164266, 'which': 0.04958521659436856, 'but': 0.04830156817864293, 'as': 0.04295413110193678, 'When': 0.027335314339546488, 'Then': 0.025457715475495427, 'what': 0.02112654573540288}, {'of': 0.2663641834705945, 'to': 0.13059156411548464, 'for': 0.11102658947488227, 'and': 0.08664030509575679, 'in': 0.0789485948266528, 'by': 0.05890179352717088, 'that': 0.05679405313604578, 'all': 0.04797305583343196, 'on': 0.044980917205719305}, {'<s>': 0.08541101985648826, 'it.': 0.02260359525925665, 'and': 0.02016710292556085, 'of': 0.0195770719471194, 'them.': 0.014624778591112633, 'in': 0.01339401902166623, ';': 0.012267792551133918, 'year.': 0.011097421576990221, 'as': 0.010001677479016875}, {'and': 0.14355603852020413, 'of': 0.10016182433857919, 'the': 0.08154421476220365, 'a': 0.05343023638353366, 'to': 0.04921017810641408, 'was': 0.03794063878423518, 'in': 0.033671280166178506, 'be': 0.02789786502869828, 'he': 0.024784457024832014}, {'the': 0.1607102775768761, 'of': 0.10563599027984148, 'a': 0.10438926760162875, 'this': 0.09814827339521595, 'in': 0.07377523813434095, 'and': 0.05633882208634415, 'by': 0.046867436498645124, 'one': 0.035280018302882396, 'his': 0.03296310867368497}, {'to': 0.20760547025097645, 'the': 0.15922999403728083, 'of': 0.1224948348038155, 'and': 0.08172849794552012, 'not': 0.07479406504107315, 'for': 0.038649833666770904, 'or': 0.03792191522666663, 'at': 0.028834730170244703, 'in': 0.028818523544145186}, {'it': 0.26703425272446724, 'It': 0.22968561528218864, 'which': 0.11114403998155639, 'there': 0.07027380064884375, 'what': 0.05946880424184352, 'he': 0.04970047493033767, 'that': 0.04703536755241675, 'There': 0.041248095609970566, 'who': 0.026925390062645372}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'not': 0.3953393271565673, 'or': 0.11637439177133353, 'much': 0.06212373195737271, 'be': 0.05975276317447524, 'in': 0.04882717688003746, 'of': 0.04846793081978685, 'no': 0.043264744664432045, 'for': 0.041036731599823496, 'and': 0.03638672323701197}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'no': 0.5354816713984276, 'No': 0.11302307174546743, 'a': 0.051204378505331674, 'I': 0.04793167649898145, 'the': 0.037761497017931196, 'that': 0.034331532441490974, 'little': 0.032611599394036676, 'of': 0.03247652266992393, 'and': 0.026497882365796668}, {'to': 0.4045850263211247, 'and': 0.08869300954940662, 'who': 0.07006349730159228, 'they': 0.05653448301205011, 'not': 0.055796268413630105, 'I': 0.045373209220791244, 'will': 0.04358838216809691, 'of': 0.041363561375266054, 'we': 0.03979523762815668}, {'of': 0.13321952236242876, 'the': 0.08726651166314513, 'to': 0.06409578274814172, 'and': 0.05059836017273745, 'in': 0.0469940659803187, 'his': 0.030395415218068406, 'for': 0.0281712690141675, 'be': 0.0222959773724041, 'a': 0.022182225215290462}, {'the': 0.16605852186639355, 'of': 0.14070937603475167, 'and': 0.1143345987638643, 'in': 0.08060971843095242, 'a': 0.04712128076684607, 'was': 0.041385229895600145, 'is': 0.03268934456189368, 'are': 0.02829970660919936, 'be': 0.02710781124776313}, {'is': 0.33020003616789506, 'was': 0.21046662412636985, 'are': 0.1681513339649235, 'were': 0.045350188155482626, 'has': 0.042832001520707895, 'had': 0.04063974621019785, 'Is': 0.03875670805902821, 'have': 0.03688622851863678, 'will': 0.02802292191623901}, {'is': 0.11474475866597825, 'more': 0.10442355342386622, 'was': 0.10033932485985537, 'be': 0.09528407925116723, 'not': 0.07171704002137906, 'been': 0.0650954459695947, 'and': 0.061696254739192845, 'are': 0.043016361523409256, 'of': 0.041410003425999396}, {'of': 0.3471686449881733, 'to': 0.14834242404982528, 'in': 0.10896666783892728, 'on': 0.10354990233187829, 'and': 0.0547863187849228, 'from': 0.04148594482807946, 'by': 0.036700028533228984, 'for': 0.030456985791195493, 'In': 0.03038247144209117}, {'the': 0.15728601425375424, 'and': 0.0919903134475224, 'of': 0.06033629171908662, 'in': 0.046544493285658066, 'to': 0.03284216993703257, 'for': 0.0317731725208262, 'that': 0.03125718424420181, 'or': 0.025511861308711224, 'be-': 0.024521008381874706}, {'of': 0.17475540142259055, 'the': 0.0944701418342557, 'in': 0.09021527013494617, 'to': 0.08336592262662809, 'and': 0.05677002777531125, 'a': 0.03258344416241793, 'or': 0.02426259474984556, 'In': 0.02416390648621557, 'on': 0.02188996343986438}, {'an': 0.3664783829687402, 'the': 0.212132769800324, 'most': 0.12238356741290128, 'a': 0.07538828188890916, 'and': 0.05875253320442017, 'more': 0.03289733056546078, 'in': 0.029328785182967384, 'The': 0.023637869934892943, 'very': 0.020389453700101694}, {'dry': 0.19657210934687233, 'the': 0.18935861696791115, 'of': 0.1604528674325145, 'a': 0.10795874232917238, 'his': 0.05880491115742443, 'in': 0.05811365805788998, 'their': 0.05268485615938164, 'other': 0.031123605936349996, 'our': 0.026829092399281947}, {'out': 0.04144949697876005, 'part': 0.03694000902045966, 'one': 0.03179390613190372, 'day': 0.031353477068004953, 'side': 0.02059405160474697, 'some': 0.018826687570602196, 'all': 0.014264311536747601, 'and': 0.012798155609519277, 'state': 0.01092854081956495}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'a': 0.6308722083915674, 'the': 0.1083499953112347, 'A': 0.04999142280252932, 'very': 0.04020022162789041, 'of': 0.02631909007033833, 'and': 0.021876740493876497, 'The': 0.021266022316515653, 'but': 0.017413739615007463, 'with': 0.01593143764839665}, {'said': 0.7486177730120614, 'the': 0.043321092386703584, 'of': 0.038039031656945284, 'certain': 0.02874058638575678, 'in': 0.015137565043637828, 'this': 0.010430665334013987, 'at': 0.00694032059097327, 'to': 0.005980315301856256, 'on': 0.004305161543430245}, {'of': 0.2815641433594211, 'the': 0.2289928792938793, 'and': 0.07396314903624561, 'in': 0.059713116584774996, 'by': 0.047466997581151395, 'to': 0.03229971927402365, 'for': 0.024498885864773945, 'at': 0.017389347024809782, 'In': 0.015585719041592085}, {'thence': 0.1524998079415976, 'the': 0.03418723491414496, '.': 0.033640755458811566, 'of': 0.031489471508569816, 'bears': 0.03016671252687846, 'and': 0.026301023570779125, '<s>': 0.01617315542802369, 'J': 0.014974093457693986, 'to': 0.01435992711207385}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'well': 0.0919629619020031, 'known': 0.0905928411316168, 'such': 0.0643072945765663, 'and': 0.05709884287572513, 'far': 0.05230426078246349, 'soon': 0.03642434374222086, 'is': 0.033177744693230704, 'just': 0.032881338703536496, 'was': 0.026455488479817678}, {'the': 0.7334661450344122, 'The': 0.06272344638784616, 'a': 0.05629724341192978, 'tho': 0.03012182874797841, 'in': 0.02574842765481818, 'this': 0.016249107319450402, 'In': 0.01295661709383154, 'of': 0.01247748817447135, 'tbe': 0.00984245593273956}, {'the': 0.185278234366586, 'a': 0.09412725209439465, 'and': 0.07469005264330224, 'of': 0.034926024710231325, 'The': 0.02803688994312563, 'that': 0.023101158827442122, 'be': 0.01591023128724941, 'in': 0.014809542426275704, 'which': 0.013216590748048374}, {'the': 0.2744878507884221, 'this': 0.22720565584051416, 'a': 0.19747210870090753, 'in': 0.09387553128960416, 'any': 0.049855285336461934, 'some': 0.03855845752359194, 'same': 0.03520133462297379, 'present': 0.021705216407112767, 'In': 0.01886524241929382}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'chs.': 0.15094338635652554, 'ft.': 0.04739009495054695, 'and': 0.04002126641134204, 'right': 0.026036770547600945, 'went': 0.02498876921771145, 'as': 0.024036387878076236, 'order': 0.02327147331387907, 'him': 0.021774191268440834, 'made': 0.020583379371132287}, {'the': 0.19457941336923493, 'a': 0.12790182004911468, 'two': 0.11248247627898386, 'and': 0.0692060163331624, 'three': 0.054059249499356365, 'some': 0.03279187570153071, 'few': 0.032543560741782517, 'many': 0.025388672784645485, 'several': 0.02473261795281763}, {'line': 0.04705842269197381, 'city': 0.040454858911751664, 'place': 0.03850293478772932, 'number': 0.038147533524119634, 'deed': 0.03502569912266599, 'day': 0.034133748442658575, 'act': 0.03353289679171088, 'out': 0.029297822055504793, 'amount': 0.027551019578792402}, {'the': 0.12627773005405324, 'of': 0.12487051302311776, 'and': 0.07733395164990255, 'in': 0.055407075282841806, 'to': 0.03409379505885182, 'or': 0.031059372668102717, 'for': 0.026764525575242736, 'be': 0.026183327829979924, 'as': 0.024689165047271686}, {'the': 0.17944268027249954, 'and': 0.0948480441325292, 'a': 0.08363732965702653, 'of': 0.05237150757081726, 'be': 0.04643440893699465, 'to': 0.03563009512125677, 'are': 0.031852177745841696, 'or': 0.029994389215744502, 'was': 0.029477306112572346}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'to': 0.21961878739416948, 'and': 0.159615553007056, 'not': 0.04491685074682179, 'of': 0.042147876670352157, 'the': 0.03478679442697662, 'in': 0.027288542769950196, 'or': 0.021121553122834397, 'who': 0.019695699996368034, 'will': 0.018981862119531883}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'<s>': 0.05129258558557346, 'it.': 0.03544401069363375, 'them.': 0.018371721708653598, 'him.': 0.013443698038754849, 'country.': 0.010880022723254463, '.': 0.008343339076740633, 'again.': 0.008292721543214882, 'time.': 0.007966654449603835, 'life.': 0.00780353681753429}, {'the': 0.35091408742231345, 'a': 0.2408925451439647, 'of': 0.08615534683694506, 'and': 0.06613552039226575, 'in': 0.039208458924342576, 'by': 0.022689301444717255, 'The': 0.022247862128052423, 'this': 0.021949969537371345, 'any': 0.02183793983695524}, {'the': 0.3098517630504285, 'degrees': 0.1858233116327237, 'minutes': 0.13517721350578155, 'thence': 0.08372415976849731, 'and': 0.056387154478671306, 'tho': 0.020870871157070495, 'on': 0.020122970820604207, 'The': 0.019113759365483877, 'degrees,': 0.01885122351092568}, {'of': 0.16971330691563238, 'in': 0.0854803955886446, 'as': 0.08243326630854401, 'is': 0.08097184462694967, 'to': 0.07481118103173896, 'with': 0.06615096415578633, 'by': 0.06180832942552067, 'and': 0.05656248403684856, 'was': 0.05543822801590321}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'able': 0.0993918005010611, 'and': 0.0918623965886264, 'right': 0.06638656212138737, 'order': 0.05689994636348239, 'time': 0.055123077774652224, 'necessary': 0.05053848209164017, 'enough': 0.04908104739765737, 'him': 0.046737311785696525, 'desire': 0.04342862110745379}, {'and': 0.10414598142140728, 'recorded': 0.04447597044960294, 'is': 0.042499778533270985, 'that': 0.039755408542511896, 'was': 0.037558092219325524, 'are': 0.032118528332556184, 'distributed': 0.025253628085422874, 'but': 0.020859662154786584, 'divided': 0.02049041245817366}, {'be': 0.11231918110141172, 'and': 0.10178569081495425, 'was': 0.08122900132263448, 'are': 0.07884758502921921, 'more': 0.07114105666685885, 'is': 0.06866366987568714, 'been': 0.04855574499686976, 'were': 0.04570621361367858, 'care-': 0.04419673471936093}, {'the': 0.23860742137355867, 'of': 0.10657523912447943, 'a': 0.08541991575630821, 'and': 0.049176658752916096, 'The': 0.04459956790554519, 'in': 0.04102437412188417, 'to': 0.03881423189962786, 'at': 0.02488775601651231, 'on': 0.01980255443145917}, {'the': 0.6313774086335727, 'The': 0.07323355003524527, 'tho': 0.05047514845267538, 'and': 0.02952205399796843, 'a': 0.026617481071401425, 'miles': 0.023798601126902543, 'minutes': 0.022970987910808992, 'tbe': 0.017920173594259105, 'feet': 0.01744065515363971}, {'of': 0.3685275081481861, 'to': 0.11386063381081653, 'that': 0.10567396440242423, 'by': 0.08930427984772693, 'and': 0.08898362670025432, 'with': 0.04521040027363946, 'for': 0.03005187312183801, 'as': 0.02942787947807983, 'all': 0.027205769132614556}, {'the': 0.09784884970461113, 'a': 0.08826319832254366, 'to': 0.06299206868403857, 'and': 0.05935991147855769, 'of': 0.04663510955607622, 'an': 0.028698764416970956, 'was': 0.028302846573980793, 'be': 0.023449533470894148, 'is': 0.022791338520445674}, {'the': 0.6126417240741159, 'The': 0.06941494480019662, 'a': 0.04542443733615152, 'and': 0.04140549476561948, 'tho': 0.0409923309289267, 'tbe': 0.019490333821218956, '<s>': 0.010177243450672469, 'said': 0.00739475182005486, 'com-': 0.006122582698853801}, {'to': 0.1702630579611105, 'of': 0.16295200034968352, 'with': 0.15331850288542215, 'in': 0.1379451963185148, 'and': 0.0679917372767969, 'on': 0.04707450416901655, 'for': 0.04270548459420186, 'by': 0.04203595109121516, 'from': 0.039440754122374314}, {'hundred': 0.1421326736540862, 'one': 0.09542708353654535, 'up': 0.014786119902241336, 'hour': 0.013519313245193912, 'week': 0.0122526829230282, 'year': 0.011364920360999183, 'street': 0.011292439824554181, 'dred': 0.011023961533737383, 'two': 0.011005205635710214}, {'the': 0.15819933118455726, 'Miss': 0.11521411696090832, 'and': 0.071563409441417, 'of': 0.050105698207996624, '.': 0.031461386043545314, 'Mrs.': 0.029954375305987217, 'a': 0.028873716631834998, 'A': 0.027433572620767895, 'The': 0.026007133576977197}, {'a': 0.16220478682660303, 'of': 0.10821722465286271, 'the': 0.09829744671409184, 'and': 0.06947511522484102, 'to': 0.06736335420889746, 'at': 0.06502745295849544, 'for': 0.03590478088900098, 'in': 0.03351181198672114, 'an': 0.02323920952250944}, {'the': 0.3240073391642345, 'that': 0.09163918892203199, 'a': 0.08817194114219491, 'of': 0.07037720130780122, 'and': 0.06555946509192312, 'The': 0.05006654388727531, 'no': 0.04602458857023576, 'this': 0.04387312189755171, 'their': 0.038225520248111246}, {'a': 0.4904946593689141, 'the': 0.1557848829008992, 'and': 0.05069298218219137, 'his': 0.030599731911954378, 'of': 0.02784928073770848, 'to': 0.0266042514769449, 'very': 0.024642194411307747, 'her': 0.022963909297237555, 'for': 0.02205762370434451}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'was': 0.2780971664888278, 'be': 0.10662111308889635, 'and': 0.08971440853183908, 'is': 0.08309595189760154, 'were': 0.07511322539454657, 'he': 0.061742328753764654, 'are': 0.06103694832369551, 'been': 0.05755668182309266, 'not': 0.039630428416875765}, {'number': 0.051822992008238984, 'out': 0.04468753181915114, 'purpose': 0.04459763287193999, 'matter': 0.04021570797936888, 'all': 0.03465656267120449, 'kind': 0.03385837626991635, 'amount': 0.03348515981170219, 'means': 0.03320041067602636, 'one': 0.03174172172051812}, {'laid': 0.14503484473696487, 'went': 0.08070788399373845, 'sat': 0.07636194626597609, 'put': 0.06549591358795176, 'came': 0.05654906782761, 'set': 0.05605237067845578, 'brought': 0.05483211626966062, 'go': 0.05412929403024373, 'broken': 0.04380012073478541}, {'is': 0.293018200221348, 'be': 0.12099575534330334, 'he': 0.11722057334821301, 'was': 0.11443675726797674, 'are': 0.08517121811797607, 'I': 0.06949196099209375, 'and': 0.06625689386432554, 'Is': 0.045766313239207296, 'they': 0.032321088911520295}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'and': 0.17420145617437222, 'to': 0.09608578468215359, 'of': 0.043415344134103764, 'which': 0.04264088382555472, 're-': 0.035759792206605384, 'that': 0.034231542375981715, 'for': 0.02958503627677633, 'or': 0.028934059094415, 'not': 0.027637299291026162}, {'he': 0.2446262774367889, 'and': 0.11622889042107178, 'it': 0.11364150668522832, 'It': 0.07366042974983428, 'who': 0.05592457177805519, 'she': 0.048311566557408876, 'that': 0.045952645756358684, 'He': 0.04403768237369946, 'which': 0.03562916385075982}, {'as': 0.25491332500202657, 'is': 0.16906047012346778, 'and': 0.08143469653356367, 'a': 0.07757861109670651, 'are': 0.07449794472024258, 'was': 0.07222983631240111, 'the': 0.06148433984543213, 'very': 0.041964790664664096, 'be': 0.03588093537816499}, {'him': 0.0650281362202461, 'able': 0.06126099608877347, 'have': 0.05785931632680374, 'and': 0.05674019098202099, 'want': 0.05573873278356607, 'allowed': 0.053151966443267716, 'them': 0.051440435194758924, 'is': 0.050855137760593035, 'had': 0.05072724741207521}, {'that': 0.13662446426333316, 'when': 0.11925718385024049, 'and': 0.11363070858780792, 'which': 0.10269028578449661, 'as': 0.08341261608710873, 'to': 0.059610582230418985, 'if': 0.041603401007711434, 'said': 0.029070638158852587, 'where': 0.028156793878504796}, {'and': 0.10149994325456942, 'on': 0.058861132326644056, 'wait': 0.037091950066981134, 'to': 0.03644922340161375, 'years': 0.03573015862551063, 'not': 0.03542082344044418, 'of': 0.023931073626237528, 'him': 0.021060886871542676, 'for': 0.020975729118236554}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.43973983930587607, 'a': 0.2520906928143692, 'of': 0.04783277507468203, 'this': 0.0424060919798965, 'and': 0.03626987341748869, 'his': 0.0328854500526621, 'The': 0.03240227946252508, 'tho': 0.025055269897296555, 'in': 0.019269090506076548}, {'and': 0.2032173438277651, 'of': 0.17279028504543473, 'that': 0.10295451434247263, 'to': 0.08163884676566126, 'in': 0.07047774372546668, 'for': 0.051735038059471036, 'by': 0.03497786363959544, 'with': 0.029527394409242513, 'on': 0.022331133979100984}, {'the': 0.37313488890903385, 'of': 0.09359764100226424, 'and': 0.07014785780832312, 'a': 0.05601535922239574, 'in': 0.043667391993684114, 'their': 0.040352236948538345, 'The': 0.03711890189889537, 'our': 0.03347847254399541, 'tho': 0.03330590271356086}, {'the': 0.564743338517048, 'a': 0.12032484627061009, 'The': 0.08318557057730744, 'of': 0.0519062637026177, 'tho': 0.03125157279970106, 'to': 0.02904653675275572, 'in': 0.022142209200151173, 'our': 0.021268549584315073, 'his': 0.019360298815950167}, {'of': 0.5533840054259666, 'in': 0.14051696151258747, 'to': 0.07684561121218433, 'by': 0.04421130508159314, 'for': 0.03575544298426114, 'that': 0.02817138016682908, 'and': 0.022325315438711822, 'In': 0.021797232881035564, 'from': 0.02162609524019231}, {'the': 0.21583338480116185, 'to': 0.1566075721040948, 'and': 0.0946162261155612, 'a': 0.09161722149313217, 'of': 0.054581833736804274, 'was': 0.05029965179588996, 'be': 0.04567607693392176, 'is': 0.026378255608235417, 'not': 0.02565212652829675}, {'was': 0.12934866950078186, 'and': 0.11041965303607847, 'day': 0.04719630723375639, 'is': 0.04243464936744348, 'until': 0.04222676369661462, 'died': 0.032422886897764486, 'arrived': 0.03147410705787688, 'be': 0.029558489159245784, 'held': 0.029158093684613872}, {'men': 0.010301318219831821, ';': 0.009321729128838942, 'good': 0.009040846626174789, 'him': 0.00875911708541449, 'in': 0.007449880413532054, 'it': 0.007448246725036729, 'man': 0.0069839530988008505, 'one': 0.006802699023764846, '<s>': 0.006191838015631747}, {'the': 0.20252923983550514, 'of': 0.11930312860818439, 'to': 0.07894769898392656, 'and': 0.06008787226411808, 'a': 0.060022355127154585, 'in': 0.04519468099697347, 'at': 0.024889746189795652, 'for': 0.01335292984039212, 'tho': 0.013149816205737184}, {'and': 0.16107777899619677, 'be': 0.04512941762487972, 'or': 0.04469257479968089, 'time': 0.03856777088708706, 'that': 0.035101717952534264, 'is': 0.03030149332063219, 'them': 0.028107434455716295, 'are': 0.027704135894507174, 'it': 0.02764131182132441}, {'the': 0.48796875561121567, 'of': 0.07585008008489838, 'The': 0.07143169436908987, 'and': 0.06591537498942393, 'or': 0.04861898460378109, 'a': 0.04436658521234326, 'in': 0.032485445753546005, 'tho': 0.026490069028793185, 'these': 0.025693258084446103}, {'hundred': 0.0665265532982339, 'State': 0.02528798005993389, 'state': 0.018737943093368837, 'city': 0.017902144159602423, 'States': 0.017603663023547975, 'street': 0.01696570402605228, 'dollars': 0.014733368281415537, 'North': 0.014061724896425874, 'Hundred': 0.01337986741128803}, {'of': 0.30022960634341533, 'in': 0.16063655074540262, 'to': 0.10125518658003041, 'on': 0.10035114270924012, 'for': 0.05966503822274868, 'from': 0.053806760758856764, 'and': 0.044246604067542813, 'by': 0.04393951342151451, 'with': 0.04157763271386496}, {'and': 0.2063281401164321, 'a': 0.09128071099254037, 'the': 0.08829179373741387, 'of': 0.08781094394314781, 'or': 0.07457091782272954, 'to': 0.07189668920657799, 'be': 0.06799301779855087, 'not': 0.04301767412881303, 'are': 0.03863134790501674}, {'the': 0.2515844609215476, 'to': 0.1305732474159195, 'a': 0.12945261406886824, 'and': 0.1014045277354508, 'of': 0.04332412044090736, 'his': 0.035142117810979416, 'The': 0.027670272192926896, 'I': 0.019855843689617524, 'by': 0.017029891262673427}, {'.': 0.021610601417288714, '-': 0.020958079840295393, 'and': 0.016844755228378243, '1': 0.016818167058307486, 'of': 0.01591543061945158, 'etc.': 0.013667004825692601, 'the': 0.010550919843227449, ',000': 0.00912471809658287, 'M': 0.008931226211135323}, {'the': 0.15198073657893874, 'and': 0.12375212301000539, 'an': 0.07177956044739583, 'a': 0.06927811460999246, 'of': 0.05078224803075055, 'was': 0.04180310129858217, 'to': 0.03587113690511148, 'his': 0.030794351117429567, 'in': 0.027091389627180582}, {'the': 0.3163089633480524, 'an': 0.14568407050733184, 'and': 0.09478990892623608, 'a': 0.07809195684520157, 'of': 0.06409926999520323, 'The': 0.05613040051162712, 'their': 0.03363175939316059, 'its': 0.030225761524383, 'his': 0.024940569946838548}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'it': 0.15659598829512972, 'they': 0.14675661500980441, 'he': 0.1410578725280063, 'who': 0.07694521924319578, 'we': 0.06096478938630522, 'I': 0.05713592892917428, 'It': 0.05113868946197046, 'He': 0.045609306757036595, 'and': 0.04362340075623793}, {'of': 0.17235144973530894, 'in': 0.15824925900161824, 'at': 0.12834317960767166, 'for': 0.10940172672146775, 'during': 0.10106765842356216, 'to': 0.07280372122698109, 'In': 0.05661040537710019, 'on': 0.05648397569021434, 'and': 0.047977964582779836}, {'went': 0.056161519939236446, 'and': 0.05110232442521216, 'up': 0.03786651778861462, 'according': 0.03686432488138942, 'came': 0.03030499562865204, 'back': 0.028954385274329534, 'go': 0.027434870501091297, 'him': 0.026367267368271434, 'down': 0.023958122465099093}, {'the': 0.7699464546742281, 'The': 0.0479496862117748, 'tho': 0.037704062015126154, 'a': 0.02254828229910292, 'in': 0.022446612062458064, 'and': 0.02224926316129308, 'tbe': 0.015613691473337956, 'of': 0.01261693710023462, 'said': 0.01044668854198036}, {'the': 0.2222522566507715, 'of': 0.09501517719171132, 'and': 0.08030363972463594, 'The': 0.050288451579476305, 'Mr.': 0.0385181868226184, 'a': 0.030249036316138764, 'that': 0.03019895152620714, 'to': 0.019926242152370714, 'or': 0.0175235894486901}, {'to': 0.18165289561513906, 'of': 0.11322745236388411, 'this': 0.09914815053445432, 'the': 0.07962128153731904, 'or': 0.07897365466400734, 'same': 0.0773518421616412, 'and': 0.06480776547057633, 'without': 0.04970186987072292, 'that': 0.046589425363026925}, {'the': 0.3448227263039544, 'a': 0.1898716311922743, 'The': 0.046996005606700794, 'two': 0.03907910156500508, 'of': 0.0376073552569004, 'and': 0.025678691696045673, 'gold': 0.025596421471779162, 'tho': 0.024200229765849596, 'this': 0.018470739230783444}, {'and': 0.08598895695904382, 'that': 0.032781423151235126, 'was': 0.029770175262802376, 'made': 0.02438145170049194, 'is': 0.02321226965727088, 'as': 0.02024736655018693, 'it': 0.01941644454484253, 'up': 0.018886304164843454, 'but': 0.017533742159724447}, {'be': 0.19601430149241708, 'was': 0.14866842050447007, 'been': 0.11176489219358449, 'and': 0.0976566618413401, 'have': 0.06776601100897396, 'is': 0.05736927299283211, 'had': 0.05414781471807906, 'were': 0.04814374266500576, 'has': 0.0459833678142531}, {'and': 0.3875260769146774, 'is': 0.11683379461298973, 'are': 0.0738970314916783, 'be': 0.061307343612093175, 'was': 0.058773859369651335, 'not': 0.03841189875905652, 'an': 0.035362433982279166, 'the': 0.034876535240025146, 'most': 0.034050801599107804}, {'time': 0.03573257779056837, 'up': 0.02159505641481721, 'appear': 0.017959454339739465, 'him': 0.017074745152187674, 'good': 0.015637165940957536, 'out': 0.014746227746844476, 'made': 0.013976266807386287, 'right': 0.013770711088942119, 'life': 0.013531769213637834}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'recorded': 0.6610875017939338, 'corded': 0.037347474651358605, 'and': 0.029086483447531654, 'Monday': 0.020173948389245588, 'held': 0.008203240524903375, 'situated': 0.008189634501370798, 'on': 0.008061719669256586, 'filed': 0.007699853899209043, 'feet': 0.006949720078636797}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'of': 0.2099872449415195, 'about': 0.1250535088866494, 'and': 0.10886984323963256, 'the': 0.09806717250075284, 'for': 0.08505892040126459, 'than': 0.06900851144559862, 'or': 0.05980980556962275, 'to': 0.041549875680211346, 'in': 0.03576860670145818}, {'the': 0.10152350330723316, 'and': 0.08585345918703786, 'be': 0.06651110320896302, 'was': 0.06604720700496236, 'of': 0.061521023673210634, 'to': 0.04656741658199581, 'is': 0.04004951896640153, 'been': 0.03296236907398091, 'a': 0.028864141860157844}, {'the': 0.18847046086757496, 'and': 0.07827896376329317, 'of': 0.058334631227236255, 'Mr.': 0.04241077463672873, 'The': 0.03980209237992832, 'a': 0.030972976831335212, 'his': 0.022224285559617262, 'I': 0.018838428584508248, 'that': 0.01817835654443407}, {'of': 0.11785529026658935, 'and': 0.11586877154350345, 'in': 0.05739244689627157, 'to': 0.050607477297486644, 'fact': 0.03889347275782053, 'said': 0.03289904969041613, 'on': 0.02952954435335196, 'all': 0.024539624180535385, 'is': 0.022298709960555663}, {'as': 0.19486339608909056, 'be': 0.1080994490099188, 'and': 0.08868436854427995, 'is': 0.08403733253969328, 'are': 0.05742874075196529, 'was': 0.054060247052314325, 'that': 0.029200133025783843, 'been': 0.028887181530033702, 'has': 0.028010687279069982}, {'turned': 0.11233560721150372, 'up': 0.05698342294656908, 'taken': 0.04540048901349538, 'step': 0.04410065097586852, 'down': 0.04372004063268277, 'it': 0.04353502164997993, 'came': 0.042720512195389956, 'him': 0.03929010999455926, 'made': 0.039159781367169556}, {'a': 0.5224090254261239, 'the': 0.0934102067372556, 'any': 0.03784386376652962, 'this': 0.031760206009412914, 'and': 0.031394815639877685, 'no': 0.0281357559753708, 'every': 0.020029742184221665, 'that': 0.018012437642707893, 'A': 0.016978456634874284}, {'and': 0.11271272381180868, 'be': 0.09765531234090664, 'was': 0.0754469935294399, 'to': 0.04838764846664733, 'been': 0.047211403357895074, 'is': 0.04437542287545138, 'of': 0.043647776197521825, 'he': 0.038359030798239116, 'were': 0.03454211374367705}, {'the': 0.1511156387323093, 'a': 0.12186441649387172, 'of': 0.11712268813474007, 'his': 0.10041627071106968, 'and': 0.06788892367909949, 'my': 0.06709704069996976, 'in': 0.056836348069128184, 'this': 0.0346813923754207, 'that': 0.029035383703208597}, {'those': 0.22938581596037058, 'men': 0.1382100216812744, 'and': 0.06896389873259819, 'people': 0.045620773467590525, 'man': 0.044858547780916705, 'Those': 0.03532692646620405, 'all': 0.027159611788456224, 'persons': 0.025420537828931368, 'women': 0.022608142437217864}, {'provided': 0.13928254665093637, 'paid': 0.05845479463009437, 'and': 0.04131564059133689, 'cared': 0.03677257798532565, 'voted': 0.03665447113868608, 'accounted': 0.034202106593245185, 'called': 0.024044803060623086, 'vote': 0.022138620618375283, 'prayed': 0.019078427085569356}, {'to': 0.29238032299705796, 'a': 0.2325635151152719, 'the': 0.06874072971548906, 'would': 0.04443300927629184, 'will': 0.04394078888716026, 'not': 0.042824441712403315, 'and': 0.03445262811790414, 'this': 0.028666872475262638, 'I': 0.02023840389287699}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'to': 0.6173647718913499, 'will': 0.0930055038013336, 'would': 0.05302739238749863, 'and': 0.03847429334032466, 'may': 0.0370733992822858, 'can': 0.03024244424335575, 'shall': 0.027893174284888557, 'could': 0.023702888035153476, 'not': 0.022711779423701117}, {'of': 0.21492157009320206, 'and': 0.11666470411458775, 'to': 0.11030895236488657, 'at': 0.08694157140636603, 'about': 0.05750194372276543, 'east': 0.04720845304078216, 'lot': 0.044138962792311796, 'range': 0.0363574677190256, 'Township': 0.03280184458647808}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.6954573613503758, 'The': 0.116216521185827, 'a': 0.05970501572045697, 'tho': 0.028839618784645738, 'and': 0.020906951522632035, 'an': 0.018539838005246893, 'this': 0.011921013667655906, 're-': 0.0112586379159978, 'tbe': 0.008913618947504294}, {'District': 0.19103146830570072, 'the': 0.16168839983753805, "State's": 0.07808256098085384, 'of': 0.06449078670157647, 'at': 0.033338455213711184, 'and': 0.029061890085306, 'an': 0.02697391088695833, 'Mr.': 0.021146419006348175, 'Assistant': 0.01960044502128707}, {'the': 0.10831726037863153, 'and': 0.10284085401573279, 'baking': 0.09827192590273899, 'as': 0.08776010031539606, 'of': 0.054530750167504485, 'that': 0.05115966889831244, 'a': 0.047084015357199374, 'in': 0.036214755305266376, 'or': 0.03244822664312331}, {'of': 0.32890650633849544, 'and': 0.1067416254565542, 'to': 0.09068580245734796, 'that': 0.08751923149738458, 'by': 0.054753477435850004, 'on': 0.050902008445972036, 'in': 0.05024459485941265, 'as': 0.04245274512712792, 'for': 0.04216586746366307}, {'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.18421028103348158, 'been': 0.16096298795806196, 'are': 0.09149293609815624, 'be': 0.09124502072997222, 'were': 0.08858877730056113, 'is': 0.07160309460232711, 'and': 0.046623903294146334, 'those': 0.04132111852484841, 'busily': 0.041060557035434306}, {'30': 0.09126981143778862, '50': 0.0773513229779374, '5': 0.07560457715872058, '20': 0.07226577731847768, '4': 0.07193244194561242, '6': 0.06497841875837973, '100': 0.062454785120809986, 'hundred': 0.059957365063210984, 'eight': 0.05788978769875964}, {'be': 0.14245824105397226, 'was': 0.12690846003275122, 'and': 0.10829906277777972, 'been': 0.07716794553982123, 'is': 0.07270105659144088, 'are': 0.0450461611206336, 'were': 0.04461368295766797, 'the': 0.03859724709080985, 'he': 0.038337209935691285}, {'of': 0.4662104791231477, 'to': 0.10917887623941985, 'in': 0.07105740628541883, 'that': 0.06314226020521818, 'by': 0.05938498937913551, 'and': 0.04976659226152964, 'for': 0.03810083615283535, 'from': 0.03704250877273991, 'on': 0.027183158035918854}, {'of': 0.1664603936555573, 'the': 0.12872801452962707, 'and': 0.07203902943919452, 'to': 0.05947996058503607, 'in': 0.025281470003209752, 'a': 0.022698464084154418, 'on': 0.020441427533177178, 'The': 0.0190286358476568, 'be': 0.018821371611387836}, {'was': 0.20448861116300052, 'be': 0.1457149377755585, 'been': 0.12650211368081948, 'is': 0.08977982231318815, 'and': 0.051023701342202445, 'were': 0.04679318032046273, 'it': 0.04207787757214923, 'are': 0.03937578079730061, 'not': 0.03429463123492243}, {'out': 0.04983985633937404, 'one': 0.042321505356014096, 'all': 0.031700890276029396, 'part': 0.031187735856102385, 'that': 0.02597280841553782, 'use': 0.02579623555314466, 'some': 0.025476740396107308, 'charge': 0.022651663868456663, 'tion': 0.0204481609530162}, {'the': 0.23843207930957225, 'of': 0.09949476218230961, 'within': 0.09000456076786578, 'and': 0.0765686971129631, 'in': 0.04611825403831375, 'a': 0.04224318928332518, 'for': 0.03579400707892531, 'about': 0.03264543728313866, 'to': 0.03204456291717052}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.2110326439949885, 'in': 0.167080088336554, 'a': 0.10160317772322686, 'of': 0.08414481200247874, 'his': 0.05936496223426369, 'for': 0.0574465484794987, 'this': 0.05478375555174081, 'their': 0.051279777158180564, 'to': 0.046857777568547754}, {'on': 0.3133288157718914, 'of': 0.2777613161744803, 'to': 0.10122596030302096, 'in': 0.09324266774252127, 'from': 0.0606579035054358, 'at': 0.038642940903375236, 'upon': 0.0236485598024402, 'for': 0.02054154203542097, 'In': 0.017158441646879852}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.11271272381180868, 'be': 0.09765531234090664, 'was': 0.0754469935294399, 'to': 0.04838764846664733, 'been': 0.047211403357895074, 'is': 0.04437542287545138, 'of': 0.043647776197521825, 'he': 0.038359030798239116, 'were': 0.03454211374367705}, {'and': 0.09373567240246293, 'depend': 0.03836338004663328, 'based': 0.03824772294080833, 'placed': 0.037658878880170873, 'depends': 0.03741630306694303, 'called': 0.03668431560508889, 'down': 0.03262298769122071, 'made': 0.03233144866418736, 'effect': 0.02839860992487969}, {'and': 0.32564729355674554, 'as': 0.053170327974207794, 'was': 0.04573296234065767, 'that': 0.04504594888309058, 'are': 0.043797378609630906, 'is': 0.042165707747625694, 'of': 0.028944876090405917, 'but': 0.028182906452207373, 'the': 0.027594719619771252}, {'the': 0.18658527300447822, 'to': 0.1296514765101363, 'and': 0.11329575312618213, 'of': 0.07566094340037206, 'be': 0.06438358224218611, 'a': 0.05018930379580663, 'not': 0.04836703049323982, 'or': 0.0383757617846717, 'was': 0.038230823898621015}, {'the': 0.46901892244172705, 'this': 0.09443580172787008, 'that': 0.07000519001790154, 'and': 0.04781128238345409, 'to': 0.04309327336993764, 'tho': 0.026672373376179268, 'an': 0.021942094261448747, 'a': 0.02136406218044828, 'The': 0.020647599610495507}, {'he': 0.2082493809859904, 'and': 0.12008014908319824, 'was': 0.10599110887868936, 'be': 0.0668012274174361, 'He': 0.058413749096490226, 'is': 0.048093888498896585, 'I': 0.039701826211704934, 'she': 0.03764368292388419, 'been': 0.036577037145890265}, {'to': 0.7508634618782751, 'will': 0.04869723734975359, 'and': 0.0315918854282586, 'shall': 0.029907443655283947, 'not': 0.024468440613604765, 'can': 0.02265883374393909, 'should': 0.020525001704272065, 'could': 0.02001549093260931, 'they': 0.020009608968801242}, {'it': 0.14034688439618326, 'It': 0.10616092049752882, 'he': 0.10352173046165138, 'which': 0.08572400402010123, 'I': 0.08395746268974082, 'and': 0.06981167756461737, 'He': 0.05103025036573419, 'that': 0.045996016573300276, 'she': 0.0397891055589478}, {'of': 0.3216119755642914, 'that': 0.13789750952693589, 'in': 0.13012895753545647, 'to': 0.06923946244083837, 'and': 0.06863027127688903, 'by': 0.04299655163029393, 'In': 0.04245009937713593, 'on': 0.03777672798194135, 'at': 0.03513153184728681}, {'and': 0.0734819909178247, 'recorded': 0.0329256836712567, 'up': 0.03092889974501611, 'was': 0.02941102969670995, 'that': 0.02840761269928427, 'is': 0.025110845001233093, 'out': 0.021604953029585067, 'as': 0.020003451419167196, 'made': 0.015429883159586558}, {'the': 0.4580025873692727, 'a': 0.1272204260150925, 'his': 0.0675769997771932, 'The': 0.04714616070772646, 'great': 0.03696381752527169, 'any': 0.034351766351952986, 'that': 0.03287687899237245, 'of': 0.029931698944208027, 'tho': 0.02810154788733126}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.12300345528680762, 'and': 0.08582098942150448, 'in': 0.07696523548957553, 'the': 0.06074308247656687, 'to': 0.04153966591266661, 'for': 0.030018867409449305, 'a': 0.02523232168650637, 'that': 0.021346956306672504, 'be': 0.020898309707488558}, {'of': 0.129501123086118, 'and': 0.09709454861904551, 'Mrs.': 0.0840497755588371, 'by': 0.08111974177589737, 'to': 0.053409431404992956, 'Mr.': 0.04126827362079816, 'said': 0.03362006372900009, 'the': 0.022385357502031418, '.': 0.018156173052714886}, {'the': 0.1228859334433451, 'and': 0.10141938936245253, 'of': 0.09975913643515581, 'a': 0.045682601438067516, 'to': 0.030854069697662707, 'in': 0.028276884393469842, 'was': 0.027046420085275236, 'that': 0.021184162863086258, 'by': 0.019935882571825114}, {'up': 0.02873301635449648, 'him': 0.02173074598794726, 'out': 0.01907961071709101, 'in': 0.017486375423488545, 'men': 0.01721613223928007, 'it,': 0.016753300764637834, 'man': 0.016627201959026304, 'him,': 0.0155916440601751, 'it': 0.01534819085092077}, {'that': 0.07324440209845387, 'and': 0.04265020057979203, 'it.': 0.03420918709478336, '<s>': 0.03238511182880281, 'them.': 0.028212129306555946, 'him.': 0.014101060401795559, 'but': 0.012762466247117493, 'time.': 0.011442873157168834, 'as': 0.010908011105484278}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'a': 0.42375587770739476, 'the': 0.1276576457393963, 'any': 0.09759034169263947, 'to': 0.06027457069878106, 'no': 0.049529324310742216, 'this': 0.04276400098239608, 'either': 0.032442837432935356, 'every': 0.027348176570449315, 'one': 0.020606410849946157}, {'be': 0.19594710648442276, 'and': 0.1061348922747081, 'was': 0.09453734537815578, 'have': 0.09356919346424857, 'he': 0.07793023910430781, 'been': 0.07165954468568601, 'has': 0.055636966161686015, 'had': 0.044640307155065465, 'is': 0.04402142653605335}, {'the': 0.13359001154389555, 'to': 0.0963299862231179, 'and': 0.0945906913169935, 'a': 0.0711349374328436, 'of': 0.060643236249441616, 'in': 0.03151634076597325, 'more': 0.019204313261063966, 'be-': 0.01797202042753203, 'was': 0.017735941883574288}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.23953756378880256, 'to': 0.149923906240288, 'in': 0.12075392088891546, 'and': 0.09038399122282387, 'that': 0.07686646717373928, 'for': 0.06881752632976865, 'by': 0.05015610212521768, 'with': 0.04505481153557279, 'at': 0.04161944598975044}, {'the': 0.19335448465351873, 'to': 0.12801854891893613, 'a': 0.1142702969651221, 'and': 0.0994017215109968, 'this': 0.03383758404743161, 'will': 0.029710002067556564, 'that': 0.017036128029017515, 'The': 0.01677912613810278, 'of': 0.015019718269300394}, {'and': 0.16012185612384985, 'of': 0.15500452977694493, 'the': 0.13409932058891316, 'to': 0.08081184755939717, 'or': 0.07824877771884772, 'for': 0.07072461569209139, 'at': 0.06816872437568333, 'that': 0.04735738256485061, 'with': 0.03183169397598005}, {'it': 0.014166647328293853, ';': 0.012227214937993077, 'one': 0.0106010948459858, 'and': 0.010296931242405952, 'dollars': 0.010195202540821376, 'more': 0.01009236523270091, 'is': 0.009860093626861077, 'I': 0.009023296604775884, 'man': 0.007803278699752935}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'to': 0.5673877132507481, 'will': 0.04882242196334711, 'can': 0.04725050709613703, 'they': 0.03237486546767688, 'could': 0.03194909504436649, 'and': 0.02582824067916415, 'I': 0.022925913772572103, 'would': 0.0228696930026874, 'we': 0.016643880079281297}, {'of': 0.18883711958618, 'in': 0.1321110816213454, 'to': 0.11887942774638799, 'and': 0.11353547863470932, 'for': 0.09962483421596847, 'with': 0.08455542080045968, 'that': 0.043461781772236745, 'but': 0.030875823722159367, 'by': 0.030801330169104055}, {'and': 0.19214041719556477, 'most': 0.13098287810922987, 'the': 0.07482195058357904, 'very': 0.05894117492859321, 'as': 0.057804730618504684, 'of': 0.05108496700861656, 'or': 0.04830882319140701, 'more': 0.04786419287036033, 'is': 0.03506831793484511}, {'of': 0.324140314566876, 'to': 0.1664410384015642, 'on': 0.12198486112884993, 'in': 0.09940406483176391, 'from': 0.060055365025123514, 'and': 0.050724254334340045, 'at': 0.04201016475543484, 'for': 0.0329163337903236, 'that': 0.02830325144428241}, {'made': 0.12622988534690957, 'take': 0.10566015242935632, 'make': 0.09249145717018734, 'took': 0.08017403294174932, 'put': 0.07402942878557071, 'give': 0.06854001226569069, 'taken': 0.0671902193870325, 'picked': 0.05438800811824068, 'keep': 0.05382366826871295}, {'was': 0.25479233586808114, 'be': 0.22989941369337866, 'were': 0.12526035106801162, 'been': 0.09025921377587515, 'are': 0.08744834227803709, 'is': 0.08316081309216194, 'being': 0.044239929451478685, 'and': 0.02983178112052988, 'have': 0.011240977843330125}, {'three': 0.21126932441376198, 'two': 0.19372527985464233, 'four': 0.17708358403304725, 'five': 0.09273822545294648, 'few': 0.0764102364919306, 'a': 0.05083226380233095, 'several': 0.047822632799262854, 'ten': 0.04196411360754883, 'the': 0.0395652669573353}, {'is': 0.2425566564273996, 'was': 0.20029953930270095, 'are': 0.12837220590014012, 'has': 0.07776653522941146, 'had': 0.0763761219507799, 'have': 0.07358580127941242, 'were': 0.05331717035978287, 'and': 0.035936666641604116, 'Is': 0.02917058249213155}, {'and': 0.3127909883237657, 'And': 0.2039104646465856, 'not': 0.08081435794401404, 'as': 0.056018952359363605, 'is': 0.02689014221535575, 'that': 0.021843353515807296, 'but': 0.021445691357242763, 'or': 0.018506880343491555, 'are': 0.013940242831470214}, {'the': 0.1366506395485706, 'of': 0.0771845056510024, 'and': 0.07008794655046559, 'to': 0.03929832403394602, 'that': 0.026639362551021756, 'Mr.': 0.026125987277231543, 'The': 0.0260767806468098, 'in': 0.023087954688515603, 'he': 0.020991242388522627}, {'is': 0.19582528995593396, 'has': 0.15555307119442985, 'had': 0.13441778611426683, 'was': 0.11219616181609322, 'have': 0.1082600913398841, 'are': 0.08700032773929257, 'and': 0.046926780074305244, 'Is': 0.033102136907317864, 'were': 0.029977549250920013}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'would': 0.17779945024720675, 'to': 0.13384596995467807, 'who': 0.09657872772678129, 'they': 0.0801186691780261, 'I': 0.07157673832643867, 'which': 0.06175441121608197, 'must': 0.053300013979569974, 'might': 0.04794046605735594, 'shall': 0.04304524252072327}, {'and': 0.11207105167542798, 'of': 0.08519523700771388, 'the': 0.07775965001078826, 'to': 0.06575434954578067, 'a': 0.04683869412646639, 'in': 0.031190215472268953, 'be': 0.03083656741871829, 'is': 0.029699865096274883, 'was': 0.026157620224740764}, {'of': 0.35177802107880213, 'to': 0.11720717671797104, 'in': 0.1032846674301745, 'for': 0.06873186249675539, 'with': 0.06493540448501164, 'by': 0.058553743696246253, 'and': 0.05851285253070231, 'that': 0.04962986640704682, 'on': 0.04187114460957029}, {'the': 0.2164954120677482, 'of': 0.14032161493606213, 'and': 0.08947179778657875, 'to': 0.048660357179617045, 'a': 0.043196130721368194, 'in': 0.032400290648676555, 'or': 0.020493833444762383, 'for': 0.01922638621581181, 'The': 0.01852222842844631}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'that': 0.2626733267734852, 'and': 0.12755518967354837, 'which': 0.07332915304058926, 'when': 0.05782998416326939, 'to': 0.048546202140478126, 'will': 0.04576916412341894, 'if': 0.04278526474526188, 'as': 0.04155704757630911, 'but': 0.03793389517520654}, {'and': 0.17670257006742354, 'so': 0.06538001227508514, 'say': 0.050984598405352854, 'fact': 0.047007727789092624, 'know': 0.042336672117270185, 'said': 0.04048939283013406, 'is': 0.03642105790366484, 'all': 0.03166444160489291, 'show': 0.027660869735200228}, {'to': 0.22314716851652874, 'of': 0.12550665651215245, 'and': 0.05710538038857625, 'in': 0.03314631881738315, 'by': 0.02335065503450138, 'the': 0.021221098496811794, 'for': 0.020107949760044617, 'a': 0.016407179984932956, 'from': 0.014347369691037786}, {'and': 0.20491393397395133, 'was': 0.14001642033888656, 'be': 0.08632391559451212, 'were': 0.08461158236324681, 'are': 0.07979739950987619, 'is': 0.0751791030134019, 'been': 0.05100665610439213, 'he': 0.035378715904546595, 'has': 0.03352662848198438}, {'<s>': 0.10409257247658191, '.': 0.01629472685788161, 'it.': 0.013349865086300842, 'them.': 0.01024467723845651, 'day.': 0.006642913671782783, 'him.': 0.006125928323822358, 'time.': 0.006115328645492451, 'of': 0.005993793787391952, 'country.': 0.005459360659878668}, {'of': 0.21249663702375923, 'and': 0.13455933046159188, 'to': 0.11761844088496423, 'that': 0.08303179710540762, 'in': 0.07972655932756754, 'for': 0.06113086621621988, 'with': 0.0594252547442067, 'all': 0.054873348243718784, 'is': 0.047094855193507916}, {'the': 0.3961580276265175, 'and': 0.1548638965259543, 'a': 0.06508716411003741, 'in': 0.04278716717201185, 'The': 0.04059013363777507, 'is': 0.03444089872803977, 'was': 0.034239363998250276, 'that': 0.03198924629420496, 'of': 0.027863231409799658}, {'the': 0.3072132330340633, 'of': 0.2657229249689767, 'and': 0.04953280101537609, 'or': 0.044070732317823734, 'his': 0.04317547037963279, 'their': 0.038637349004122315, 'by': 0.038591796604604246, 'in': 0.028982095877270735, 'no': 0.028600099816158214}, {'he': 0.16793429038646338, 'and': 0.14978355317808512, 'be': 0.07380850860894145, 'it': 0.04472404395832486, 'was': 0.03948235642068629, 'It': 0.03341780013092474, 'been': 0.031005266754847827, 'she': 0.030570821964711316, 'He': 0.030448965349690094}, {'him,': 0.014902158771711605, 'him': 0.014737549480867262, 'time': 0.013299324597371607, 'man': 0.012089574751075667, 'it,': 0.011736270747450182, 'up': 0.010405448580213245, 'them,': 0.009327743343712688, 'years': 0.008920071510158011, 'men': 0.008715395339752312}, {';': 0.015179575699046486, 'it,': 0.008295876989463073, 'him': 0.008151985809189898, 'one': 0.007533956087488968, 'in': 0.007272314778988035, 'and': 0.006677055139895447, ',': 0.006304252357442662, 'it': 0.006257975478890068, 'up': 0.00604752089240717}, {'has': 0.284597623577649, 'had': 0.209978091367662, 'have': 0.1565446308515431, 'was': 0.0708802397533456, 'he': 0.04288457611587413, 'I': 0.03705846093235318, 'and': 0.032840424221219654, 'is': 0.031516206043250165, 'they': 0.022927052919453936}, {'and': 0.08796665361522246, 'is': 0.08296453358647703, 'him': 0.06305665894755555, 'was': 0.05933085663228365, 'able': 0.048538921779126436, 'ought': 0.047299602374664705, 'enough': 0.04669054681807129, 'not': 0.04042416739049077, 'me': 0.04015915892347701}, {'the': 0.17314809297233993, 'of': 0.10534324211956182, 'in': 0.08387181024293068, 'and': 0.06477370818261032, 'that': 0.04181601921540903, 'such': 0.03112690922952966, 'to': 0.031042896686773697, 'or': 0.0279677468179615, 'which': 0.027397535351900957}, {'it': 0.1980939307225453, 'It': 0.13525533941982612, 'which': 0.08377684990632499, 'he': 0.06004140654396108, 'and': 0.05966485597150889, 'that': 0.05436830627384283, 'there': 0.04364278051896127, 'who': 0.03177530837613336, 'what': 0.025941575501053388}, {'of': 0.14375573633475378, 'and': 0.11819843455069234, 'the': 0.08679168598110786, 'to': 0.037144778699010415, 'for': 0.03239352364169442, 'or': 0.02989422808920631, 'a': 0.027792716000200557, 'with': 0.026528709682979497, 'is': 0.02431186835430539}, {'one': 0.21683933661195337, 'some': 0.10492098764490262, 'many': 0.06046470502531617, 'all': 0.057995563500346035, 'One': 0.04615764922190895, 'Some': 0.043044096939235686, 'any': 0.03702248068295093, 'part': 0.03469369191864413, 'out': 0.033585064790865114}, {'was': 0.03510221665609871, '-': 0.03193005378652526, 'of': 0.028463315807096334, 'be': 0.0263081844852531, 'and': 0.02442107990647986, 'it': 0.019800256471366216, 'at': 0.019120200235784715, '<s>': 0.017821629069444376, 'the': 0.017565676356726994}, {'his': 0.2774982147143322, 'the': 0.18244538018859474, 'their': 0.150975510726765, 'my': 0.10161432000191079, 'her': 0.07249864792280024, 'a': 0.047306150417171816, 'its': 0.0408740755316188, 'your': 0.0385961121199061, 'of': 0.033009666400634796}, {'you': 0.12714456042759292, 'I': 0.10850173811624048, 'and': 0.08365360949009813, 'he': 0.07663465639221739, 'it': 0.07223741622334406, 'they': 0.06820872606236064, 'that': 0.051707088035941956, 'which': 0.04877232566076372, 'we': 0.046809389044100466}, {'to': 0.39224670469597783, 'not': 0.2682367460317087, 'would': 0.08896404496178015, 'or': 0.06299357246202729, 'will': 0.044673293780809635, 'and': 0.03415662321564778, 'never': 0.027714687166383232, 'can': 0.018175595823337606, 'could': 0.017036091823900392}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.13191799852190805, 'the': 0.09681726203324782, 'of': 0.07995663143760022, 'to': 0.039007622143298296, 'that': 0.028525828506906263, 'a': 0.023210651269086485, 'in': 0.02229155507304876, 'which': 0.021199940302263444, 'will': 0.019588151779113185}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'the': 0.28330654865632543, 'of': 0.16680585191049127, 'and': 0.06793397435804611, 'in': 0.06789254672301198, 'to': 0.051753476603188, 'between': 0.04001534172669958, 'a': 0.03988916781628713, 'for': 0.02775749162773225, 'their': 0.024211253058742412}, {'the': 0.250487135165873, 'of': 0.14499198956340717, 'and': 0.05530130991082342, 'a': 0.03800448390814231, '.': 0.0228839815133653, 'The': 0.022048499027824523, 'to': 0.021873930050100767, 'in': 0.018038317970899723, 'by': 0.01627159269346386}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.38641345764545354, 'of': 0.09192456200935394, 'to': 0.0777856987059733, 'and': 0.06250427889651464, 'a': 0.04133621718862036, 'tho': 0.036622346882420546, 'The': 0.027018524502303846, 'said': 0.02474631399605277, 'by': 0.021980869662724167}, {'at': 0.0686987592475627, 'and': 0.0583684451467393, 'of': 0.05671417810352686, 'the': 0.04565867837857737, 'to': 0.04079580968504831, '.': 0.03516866467144837, 'a': 0.030200218193376555, 'was': 0.024636485661485838, 'on': 0.021398697097029448}, {'and': 0.12769586526436544, 'to': 0.11495469996270538, 'it': 0.0371720767284386, 'was': 0.03703978346629426, 'not': 0.03668961488747403, 'would': 0.036391644775882685, 'of': 0.03546100819264054, 'he': 0.03286090431206516, 'will': 0.025828817290510096}, {'.': 0.07547512324162693, 'the': 0.049593422956840605, 'to': 0.04427415199167663, 'of': 0.04348482583213414, 'and': 0.042574888982002984, 'a': 0.03192124235407984, 'at': 0.02977427553014634, 'in': 0.0225533245815953, 'was': 0.020202360803290468}, {'be': 0.1271212647525989, 'was': 0.10354952311610452, 'is': 0.08630439177286811, 'and': 0.06613381794753562, 'as': 0.06052047282980358, 'been': 0.05989729831140774, 'the': 0.05536977212729572, 'are': 0.04222147882939979, 'very': 0.03683121727653055}, {'the': 0.1910601394035048, 'to': 0.15151816137466306, 'and': 0.13970653511006045, 'of': 0.08088377080778655, 'a': 0.050146291961881584, 'I': 0.0456932017073274, 'it': 0.02903761450655744, 'as': 0.028873835711495644, 'will': 0.027907856086145225}, {'the': 0.18848527147471988, 'of': 0.1322454161305334, 'a': 0.08659047748025726, 'and': 0.06599649597165466, 'to': 0.038060217938302686, 'in': 0.03767176607014742, 'for': 0.03339604511107604, 'The': 0.020330995340440312, 'by': 0.017805211603024774}, {'as': 0.3231085143437987, 'so': 0.26757525024889767, 'very': 0.12031567950317222, 'how': 0.05330988810308882, 'too': 0.04890197474641282, 'a': 0.03893733205002761, 'and': 0.035913213844654526, 'for': 0.02946758514889304, 'is': 0.02174062655542139}, {'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.18546490002751317, 'it': 0.17259015250705265, 'they': 0.10644791822542862, 'It': 0.09513622504823271, 'I': 0.06903397117325713, 'that': 0.043498813197528484, 'we': 0.04179756475278476, 'who': 0.04082597849464685, 'she': 0.03931821984835251}, {'nothing': 0.030804056703264755, 'and': 0.014148284001139728, ';': 0.013383227754366069, 'had': 0.013258344832219944, 'it,': 0.013169804442199276, 'him,': 0.012608333564494317, 'anything': 0.011101684581703892, 'them,': 0.00929505573370606, 'of': 0.009142823966507299}, {'the': 0.2834687161557391, 'of': 0.10141409412769935, 'a': 0.09614966673040923, 'in': 0.06589558251023243, 'and': 0.04170164629573362, 'to': 0.03667549726729335, 'The': 0.03356435438516399, 'on': 0.01972733597407592, 'that': 0.01886756735226614}, {'it': 0.22571273340180104, 'It': 0.16697587078838685, 'there': 0.1423927259388822, 'which': 0.07383651422920785, 'and': 0.048123086348158504, 'that': 0.04701474451001262, 'There': 0.046789713356588984, 'he': 0.043632247718196994, 'what': 0.02416580483897437}, {'of': 0.22317175118602836, 'in': 0.12584488688099688, 'with': 0.09894097240452537, 'to': 0.08715197646400957, 'for': 0.08210239647038241, 'and': 0.07828816265929346, 'is': 0.06478469811756547, 'by': 0.05436364078662707, 'was': 0.049387669287294364}, {'by': 0.17558815341059134, 'of': 0.1383351584350854, 'and': 0.10985893588229796, 'for': 0.10584405625414428, 'in': 0.10302743618603323, 'without': 0.040709409880883646, 'In': 0.03726114832611597, 'with': 0.028779771265411775, 'after': 0.028346239838818805}, {'of': 0.555255226383508, 'in': 0.1421676977524776, 'to': 0.07323421726302883, 'by': 0.05882628329192138, 'In': 0.030764441623925613, 'from': 0.025925437085689153, 'that': 0.02559698099416314, 'for': 0.02230903694713729, 'and': 0.021535907479173094}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'is': 0.1662352205707238, 'was': 0.14591829526574024, 'are': 0.10219600206461947, 'and': 0.0893348305090574, 'had': 0.0872924112650416, 'has': 0.07915237573578414, 'have': 0.05764451263605422, 'were': 0.05244302467204325, 'but': 0.03610015501758845}, {'he': 0.17263453713555674, 'which': 0.08896996762604203, 'who': 0.08369211477730383, 'it': 0.07608554341190901, 'and': 0.05794573251513336, 'He': 0.055610432427631064, 'It': 0.04620252811696203, 'that': 0.045800154593681315, 'she': 0.028083624220180712}, {'carry': 0.18098225799421191, 'through-': 0.16433880343623636, 'with-': 0.10367807475858372, 'carrying': 0.059295424892172356, 'pointed': 0.04770438717273184, 'and': 0.042444624711360034, 'sent': 0.03942942034082662, 'brought': 0.03520920088127737, 'carried': 0.0346892161817757}, {'the': 0.22683556831852225, 'of': 0.18662105786021965, 'and': 0.06845932477007256, 'a': 0.03484002017928519, 'The': 0.026942456439908415, 'by': 0.026857035197330126, 'to': 0.02151004191082308, 'in': 0.018917862742054405, 'for': 0.018222143078893246}, {'and': 0.08213079972801327, 'able': 0.06439129330609981, 'order': 0.06151941035238775, 'him': 0.05327494304662807, 'is': 0.05234560542986731, 'was': 0.04976311665320131, 'time': 0.04936093197534136, 'had': 0.047209006194783916, 'as': 0.04655753168574065}, {'the': 0.1891057993029329, 'and': 0.10634224830140256, 'of': 0.0792559100811333, 'The': 0.042917882482333095, 'to': 0.041749741943521115, 'that': 0.0361712193640548, 'which': 0.03432951458847101, 'a': 0.029588440279423877, 'no': 0.025431433557029433}, {'of': 0.11692640184320875, 'the': 0.10817950843962394, 'and': 0.08285435283895906, 'in': 0.056967014361278434, 'to': 0.054414446785436464, 'be': 0.051280562867226494, 'a': 0.050372806912350576, 'on': 0.03349105085255118, 'or': 0.02528462531368873}, {'will': 0.2068944927705118, 'would': 0.18490614251749116, 'can': 0.12867272446395236, 'may': 0.12121368290157032, 'should': 0.06523543335368222, 'must': 0.05760193121296613, 'and': 0.047822733318369434, 'not': 0.043537165227963484, 'is': 0.043025900771082204}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'to': 0.14720779522288274, 'and': 0.13435493987130043, 'of': 0.05329885608655525, 'the': 0.05145190809194689, 'he': 0.046228828351830016, 'in': 0.04253809855917549, 'I': 0.018633806290899637, 'was': 0.01704810048094784, 'by': 0.016516243872515202}, {';': 0.01735484400488099, 'it,': 0.015387537287078258, 'him,': 0.015132270562439373, 'up': 0.014657396575192484, 'him': 0.011385825295149676, 'them,': 0.01124724258146663, 'in': 0.008334254419010484, 'time,': 0.007959889486556966, 'here': 0.007814116275554112}, {'the': 0.1394130480162666, 'of': 0.09943257562187466, 'and': 0.0801191182707806, 'to': 0.047611793027252526, 'a': 0.02389685418576271, '<s>': 0.0237489925286224, 'by': 0.01935292152170954, 'The': 0.018721180255180995, 'Mr.': 0.01778971608024553}, {'a': 0.10172162344091955, 'to': 0.1013881836180831, 'the': 0.10031863131501899, 'and': 0.0863356752781777, 'of': 0.07215701608839431, 'in': 0.06746190768860838, 'that': 0.02818594833679126, 'for': 0.022661382420909412, 'as': 0.01903356338912388}, {'be': 0.23721049917114398, 'he': 0.1425735105304267, 'was': 0.11868812949817295, 'and': 0.0913767974740888, 'are': 0.06843717095188745, 'been': 0.0684159980579184, 'is': 0.06778662181740021, 'have': 0.05137159011379501, 'were': 0.050897689195373456}, {'and': 0.09000425062251081, 'to': 0.07128168214227971, 'the': 0.07065579637438163, 'of': 0.06252639808991807, 'was': 0.05655540874806442, 'be': 0.037395079106539254, 'is': 0.033020913547663636, 'I': 0.027627590951078453, 'in': 0.022317661459177924}, {'and': 0.19776793200998768, 'he': 0.14789153539786698, 'He': 0.09081751194993215, 'who': 0.05902954816929262, 'that': 0.036789290252823736, 'I': 0.03498437685683302, 'she': 0.03108781546070837, 'they': 0.028389706941801585, 'it': 0.02565574168267957}, {'with': 0.1548304139242653, 'of': 0.15158674010593123, 'in': 0.10122583015789531, 'is': 0.08721956430323657, 'for': 0.07687999518473229, 'by': 0.0734995143261606, 'was': 0.06685470584812737, 'to': 0.06569170478792508, 'and': 0.05931976065019683}, {';': 0.0276935221925075, 'it,': 0.01897803368236005, 'them,': 0.015156169900964465, 'in': 0.013311417601335942, 'him': 0.009631726332368872, 'up': 0.009359841300105991, 'you': 0.009227264893549846, 'it': 0.009088425472585149, 'and': 0.009085956065405751}, {'the': 0.27721363639561886, 'a': 0.2222363045127208, 'of': 0.09141600141182424, 'very': 0.06922013415680812, 'feet': 0.06252381819192204, 'and': 0.05928962638974055, 'in': 0.04638400920461922, 'on': 0.044974310169303554, 'inches': 0.03468076311455052}, {'I': 0.24145142289948254, 'and': 0.10291848138875151, 'had': 0.09880926712506637, 'he': 0.09548141059877928, 'have': 0.07945724291568144, 'has': 0.06634965583642112, 'they': 0.0617101146796082, 'she': 0.047574564550778985, 'will': 0.045116274061805156}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'of': 0.32945032739410207, 'and': 0.12247958977161906, 'to': 0.1047654875640094, 'in': 0.06481013092276976, 'with': 0.058927319206763334, 'that': 0.05421264879451372, 'on': 0.04932171902987662, 'for': 0.04708730933437723, 'by': 0.04031941831446442}, {'the': 0.13133009397422457, 'of': 0.09529810145738056, 'to': 0.04648557602500508, 'and': 0.04384844329381954, 'in': 0.034429814470209694, 'a': 0.03404759887130805, 'be': 0.027951553549060773, 'his': 0.024250711791318644, 'at': 0.02206025469602399}, {'and': 0.09597666872965988, 'I': 0.0657628326934222, 'he': 0.05625264706386174, '1': 0.046151959851206875, 'feet': 0.042392167688595814, 'one': 0.03665742701377615, 'friends': 0.02907803243406155, 'man': 0.02876370480210623, 'well': 0.027156756410301082}, {'the': 0.6678127971826192, 'to': 0.04945999962149167, 'of': 0.04404112970907212, 'all': 0.04119572614717736, 'The': 0.03666995928035439, 'tho': 0.026259162232309854, 'a': 0.025865353250068546, 'and': 0.02437582022341309, 'their': 0.020676268248840966}, {'or': 0.23549334031644226, 'the': 0.22075599066294682, 'and': 0.0763179242186533, 'a': 0.0723728339060171, 'regard-': 0.06438669728289288, 'not': 0.06205814003838462, 'be': 0.03793656870041851, 'no': 0.034173771874914265, 'with': 0.03251179350148367}, {'the': 0.3924556804971066, 'to': 0.0643165049232353, 'his': 0.05415889477183389, 'of': 0.04900623479828266, 'their': 0.04716004987211599, 'and': 0.03735572327206697, 'a': 0.033725799767333996, 'this': 0.03195710590457088, 'at': 0.029939204299520343}, {'in': 0.482283108924608, 'of': 0.15543327306363341, 'In': 0.09100068994550105, 'to': 0.05261745131858834, 'for': 0.048259205043728465, 'or': 0.04083971158808065, 'at': 0.0345415778804206, 'by': 0.03132985120162532, 'from': 0.028644602936500053}, {'is': 0.3403901595828546, 'are': 0.20476913823197568, 'and': 0.09111092658273659, 'Is': 0.05749158528199805, 'was': 0.04593135932528684, 'not': 0.0322811367607986, 'but': 0.019500123757740552, 'am': 0.018910139977887923, 'I': 0.01887464566636225}, {'hundred': 0.02326817977820414, ';': 0.00542317892203835, 'up': 0.005054613537678924, 'and': 0.004979968772478131, '.': 0.004422052450590612, 'time': 0.004164284197033178, ',': 0.00411634766343418, 'men': 0.0040750889712991185, 'out': 0.0036655889766629675}, {'to': 0.12617817190490266, 'or': 0.1209552602547234, 'and': 0.08643609074789317, 'not': 0.04680853103933053, 'of': 0.0423917508260806, 'there': 0.030939930752676665, 'the': 0.03084990633776635, 'nor': 0.028797703924129395, 'that': 0.027625216839824947}, {'hundred': 0.042229720666098265, 'wife': 0.020047911219731436, 'right': 0.019619915944165452, 'gold': 0.018762831530040266, 'one': 0.01760080313057573, 'feet': 0.015831244245786604, 'up': 0.015429204284067875, 'in': 0.014663502741587358, 'man': 0.01420698023393452}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'and': 0.09373567240246293, 'depend': 0.03836338004663328, 'based': 0.03824772294080833, 'placed': 0.037658878880170873, 'depends': 0.03741630306694303, 'called': 0.03668431560508889, 'down': 0.03262298769122071, 'made': 0.03233144866418736, 'effect': 0.02839860992487969}, {'the': 0.1312657741927636, 'of': 0.10024106471573373, 'and': 0.09389507853814243, 'to': 0.08217576015666857, 'in': 0.05046141444787547, 'for': 0.035581202416494186, 'by': 0.032670845024494105, 'with': 0.026615173864272368, 'that': 0.026121729716233093}, {'and': 0.11592405573615756, 'put': 0.10536686522567723, 'as': 0.0849600837191654, 'of': 0.08373117092191283, 'to': 0.07579202009352375, 'for': 0.06498590921818509, 'that': 0.05942308947553181, 'with': 0.04299310277515134, 'make': 0.03866834776219006}, {'the': 0.25226936957537277, 'of': 0.14214428587473427, 'to': 0.08635600919860514, 'a': 0.034662235228675446, 'and': 0.03398937294297035, 'this': 0.03139478148371469, 'for': 0.02795470490769591, 'in': 0.027385589040019215, 'The': 0.02412743080503828}, {'of': 0.2816818443739744, 'at': 0.14732779679451677, 'and': 0.09196068577269378, 'to': 0.0801823123464495, 'that': 0.06137828632055147, 'for': 0.053267412797042356, 'in': 0.05231793595793375, 'on': 0.05222712453265747, 'by': 0.048720551404390404}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'of': 0.16316812261686822, 'in': 0.14392875926770043, 'as': 0.10994014051989498, 'with': 0.08554532574056414, 'and': 0.058541169010558, 'to': 0.0578140153458748, 'is': 0.05757137234315221, 'by': 0.053819687699546, 'for': 0.050901610887205295}, {'and': 0.20051719445334049, 'which': 0.11049506286585857, 'he': 0.08020366975847437, 'that': 0.060922118950855954, 'who': 0.045387724150351055, 'as': 0.04501261490013511, 'it': 0.04013857223150878, 'It': 0.03364398779411714, 'He': 0.02968637146687444}, {'of': 0.3116079737040427, 'and': 0.11919133071316769, 'to': 0.10069330026134052, 'for': 0.06369249182761465, 'that': 0.05841422808885199, 'on': 0.053082171649135285, 'in': 0.04860159155326657, 'by': 0.04392676467190006, 'with': 0.04001399220614962}, {'of': 0.45114038648807087, 'to': 0.13979853219160832, 'in': 0.06740719443912904, 'that': 0.04474548148456067, 'with': 0.038901119000042714, 'and': 0.037728678492160606, 'by': 0.03448249382808556, 'for': 0.032264894440998504, 'all': 0.027898961850782465}, {'the': 0.19902099817024999, 'and': 0.12210446412626227, 'an': 0.11680903071589255, 'as': 0.10730844199349278, 'a': 0.10077195584966635, 'to': 0.08893193193672781, 'this': 0.06837976679670078, 'good': 0.06728544639031603, 'great': 0.043394389097353624}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.33322911684632395, 'no': 0.10605835316033163, 'any': 0.08513076480000854, 'a': 0.07694267300870695, 'an': 0.07019426576489955, 'his': 0.05018536179528071, 'every': 0.036070249391693364, 'this': 0.031599160253170444, 'good': 0.029886058444649376}, {'to': 0.37781833215454497, 'the': 0.1412988548552947, 'and': 0.09393417618726307, 'a': 0.06490965792946075, 'will': 0.04695448790588279, 'I': 0.029258672085405318, 'that': 0.021876818977185703, 'would': 0.020874303587765954, 'of': 0.020802101383250858}, {'in': 0.27461901571365505, 'of': 0.249279538153988, 'from': 0.10388418747635572, 'In': 0.07792774134670444, 'by': 0.0321558690290956, 'on': 0.02962859553882956, 'and': 0.02855131441749409, 'to': 0.02232424237613221, 'with': 0.022159816840536244}, {'and': 0.11264178695863436, 'that': 0.033599908712836045, 'made': 0.031166501217469608, 'or': 0.028624126600035847, 'one': 0.02381373688256671, 'out': 0.0237889315938412, 'them': 0.023410029065778867, 'up': 0.02296469175490951, 'but': 0.02256507309566399}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'It': 0.2751342609974053, 'there': 0.13833418423687724, 'it': 0.08843557413907843, 'There': 0.08794181912640665, 'This': 0.036906359106277056, 'which': 0.03433728429426494, 'that': 0.0312191942896644, 'he': 0.029330371074858648, 'and': 0.017594465578858534}, {'of': 0.1582543257729808, 'the': 0.11904915062501413, 'and': 0.0739247957282807, 'to': 0.0669289898851484, 'in': 0.04696518879682424, 'a': 0.04235588985350701, 'with': 0.023604281946263808, 'for': 0.021257882289051358, 'by': 0.020082233341763234}, {'and': 0.14933596137653535, 'the': 0.14024734788442134, 'he': 0.09764743689552445, 'was': 0.07494534525641254, 'I': 0.0745091000500139, 'had': 0.04104189473056355, 'be': 0.03787957074197835, 'his': 0.03319735228253565, 'to': 0.023077496508477388}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'is': 0.21548710891665096, 'are': 0.1415024443842678, 'and': 0.13454210583963, 'the': 0.12030193660122794, 'a': 0.051593274702838046, 'but': 0.03698897856205349, 'Is': 0.036520984393692286, 'not': 0.03231653698042297, 'I': 0.030893706658083265}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'and': 0.07104560648991606, 'and,': 0.06970342258727898, 'that': 0.03707901996134297, 'but': 0.03473484015767674, 'is,': 0.03230076426288124, 'if,': 0.029111402656485166, 'This,': 0.028441565306774375, 'But': 0.022902290478391357, 'which,': 0.019412364075853974}, {'to': 0.2578946392400352, 'I': 0.23190338498327812, 'not': 0.13791346450903555, 'We': 0.09267766642161519, 'we': 0.0807244533368515, 'and': 0.0361667622123136, 'you': 0.031243904414326708, 'who': 0.02169401465921331, 'They': 0.019964810540981894}, {'day': 0.06472547088103608, 'city': 0.05475224553439667, 'County': 0.05467464285421717, 'City': 0.03844391538454899, 'board': 0.030916340931440738, 'line': 0.029092735185070967, 'quarter': 0.025603099489103654, 'county': 0.02501929711957994, 'District': 0.02453763470374891}, {'it': 0.19097585155655453, 'he': 0.1809818394584188, 'It': 0.12721261954693067, 'He': 0.07133504896784043, 'I': 0.0712628443476588, 'and': 0.05539272585910598, 'she': 0.04184091969067906, 'which': 0.040258881312032896, 'who': 0.028723834959933962}, {'have': 0.18290828576065743, 'he': 0.14538645868678302, 'has': 0.1158274348200537, 'had': 0.09881361940784228, 'and': 0.09313998140771217, 'I': 0.08536299821752104, 'be': 0.05008820562049884, 'He': 0.0402988945457596, 'who': 0.038745175825077395}, {'hundred': 0.1493299311045702, '3': 0.014641733922071035, 'dred': 0.013507041174198774, 'Hundred': 0.01267011224227819, '2': 0.012548071677314, '7': 0.012355146139917566, 'north': 0.010983351622245632, '6': 0.010573727817966328, '4': 0.010459255342603554}, {'is': 0.0961428352462412, 'as': 0.07295526716908418, 'and': 0.06625554406004328, 'was': 0.05660453776914118, 'not': 0.049215729113262344, 'enough': 0.04463111038732742, 'him': 0.04431960634851181, 'are': 0.04257589561678004, 'order': 0.04171055489786398}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'and': 0.08906170534977541, 'be': 0.06373163289279717, 'to': 0.05425453402041641, 'of': 0.05257606479564552, 'the': 0.043310981855080914, 'in': 0.03388874027908493, 'was': 0.032309711377369064, 'is': 0.030122067234221013, 're-': 0.029238259359725}, {'<s>': 0.07532559357501123, 'it.': 0.02720217022325404, '.': 0.01552612444271256, 'day.': 0.01323586602110911, 'them.': 0.0131185749875623, 'him.': 0.010983886771484052, 'time.': 0.009117470959411848, 'her.': 0.00810736297677414, 'night.': 0.007812863103853707}, {'a': 0.26548574102054845, 'and': 0.11528310838372732, 'the': 0.08887655225794731, 'was': 0.07655624187156825, 'to': 0.07631735539055456, 'is': 0.06315860163912533, 'came': 0.061437464533121426, 'as': 0.050044773319079916, 'be': 0.03598016115113967}, {'of': 0.29850156847263243, 'and': 0.12281331640388146, 'to': 0.11794213192581685, 'in': 0.09454042944133499, 'with': 0.06062154110764375, 'from': 0.04547332181752456, 'by': 0.04326913666408707, 'that': 0.04019638324289593, 'for': 0.03459728289338462}, {'at': 0.21937074886947222, 'the': 0.158895697745135, 'to': 0.13388234705483046, 'this': 0.10887621134292198, 'of': 0.09300192850792864, 'his': 0.05667524684039557, 'and': 0.03946619300213131, 'in': 0.037976181618111254, 'their': 0.03528440295021189}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'the': 0.311953969720735, 'of': 0.197350965523434, 'and': 0.09309560955389255, 'a': 0.05702452711234734, 'in': 0.04559863891773967, 'to': 0.03616279894190778, 'from': 0.02433239951658346, 'by': 0.024186566856144013, 'with': 0.02346830326348482}, {'the': 0.38578961208225093, 'a': 0.3856555816657559, 'The': 0.038175437315138123, 'to': 0.03780830511302489, 'unanimous': 0.026972255580632782, 'tho': 0.019691849424839536, 'and': 0.015361932956466618, 'no': 0.013035935711594934, 'A': 0.012794197147488008}, {'of': 0.2889600564738017, 'in': 0.14943694238304275, 'to': 0.09839474656195725, 'on': 0.09426249567134314, 'and': 0.07667054713934468, 'for': 0.049086326087429036, 'by': 0.046958137806676896, 'that': 0.0451850661448749, 'with': 0.03953011443143978}, {'and': 0.08721690062205029, 'was': 0.055838181644222766, 'are': 0.036114917144016684, 'is': 0.03444830372552839, 'arrived': 0.03247743168885533, 'it': 0.028754750190386525, 'them': 0.025553677167821722, 'be': 0.02402691315564977, 'not': 0.023933919129738097}, {'he': 0.14211291165958675, 'be': 0.12040278311945384, 'and': 0.11768502099892326, 'was': 0.09216201768892766, 'had': 0.06663485517956766, 'have': 0.05641424848007302, 'I': 0.045495788429426365, 'has': 0.043793052686454455, 'is': 0.0407520212353843}, {'amount': 0.07840787583970842, 'payment': 0.05418850945972784, 'out': 0.05003071639705094, 'value': 0.04937459673902293, 'part': 0.04877175395518133, 'proof': 0.044491230147116166, 'all': 0.03516107879454983, 'tion': 0.03242829101542852, 'proceeds': 0.027829301630477917}, {'of': 0.19491678861315123, 'to': 0.1532061395895248, 'and': 0.12520183739864535, 'in': 0.10252018650566842, 'the': 0.08745902369768943, 'not': 0.06751691730839648, 'with': 0.051856966793237765, 'is': 0.04356499069336869, 'will': 0.03704216527786747}, {'was': 0.1017070203531417, 'carried': 0.05980405718118294, 'be': 0.04506876155742118, 'went': 0.04409713584188302, 'taken': 0.041383677129301195, 'is': 0.03992288534606746, 'far': 0.03296810702960885, 'it': 0.032794977315336725, 'laid': 0.03196591457175393}, {'in': 0.38130806600021655, 'of': 0.11212218330747123, 'the': 0.10132109657829942, 'In': 0.0926267571870607, 'to': 0.04731857384092396, 'into': 0.03169022573288579, 'this': 0.030965125026588786, 'and': 0.030010977878253322, 'on': 0.02857821305486189}, {'the': 0.6851191769884611, 'a': 0.0706011825531465, 'The': 0.03741183435336783, 'tho': 0.0345049462231212, 'in': 0.01794759737278986, 'and': 0.017528693734038037, 'tbe': 0.013768146375876674, 'this': 0.009614199490188406, 'of': 0.009595581847444808}, {'or': 0.6484497328177037, 'the': 0.07974401510532637, 'and': 0.053139264663736044, 'a': 0.048920859554408405, 'of': 0.017727794806475263, 'this': 0.009962475812777734, 'as': 0.0095787601951294, 'in': 0.009323740642259552, 'that': 0.008634258400338704}, {'is': 0.13153390092960385, 'was': 0.12824264432201413, 'the': 0.1168466056626741, 'and': 0.07175429451015614, 'are': 0.06647891493205113, 'be': 0.060941581786583036, 'a': 0.0492993254372802, 'very': 0.03944213667543148, 'been': 0.037640765311240214}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'be': 0.18878577766177407, 'is': 0.1043454291318652, 'was': 0.085100992052498, 'are': 0.08192855782480958, 'not': 0.07716656915653988, 'and': 0.06229297393186623, 'an': 0.055297201234261295, 'as': 0.05014335153852232, 'amount': 0.04981248870609658}, {'a': 0.17348123441454352, 'the': 0.13189708687524013, 'of': 0.11264849480900395, 'in': 0.059097216174245064, 'and': 0.05704635115429114, 'to': 0.04605132318431166, 'an': 0.036183637735933895, 'for': 0.02018587670875898, 'his': 0.01773705204984571}, {'-': 0.059828114062449984, '<s>': 0.03444457301837947, 'of': 0.02811165336599633, 'I': 0.022063786283856333, 'and': 0.019513528068807455, '.': 0.018551798391299907, 'w': 0.018144619514459396, 'to': 0.01799882649712847, 'ti': 0.017146743854557844}, {'and': 0.07984464811199747, 'them': 0.03439385181047171, 'put': 0.03359908762883094, 'out': 0.030020859451655776, 'carry': 0.02436835626328801, 'was': 0.023676836539217923, 'work': 0.022865334632671652, 'it': 0.022306736031852275, 'that': 0.022137818330964606}, {'of': 0.3239895545692359, 'and': 0.11792935382135251, 'to': 0.11765267231398027, 'that': 0.07083050683468277, 'in': 0.053566241392530536, 'by': 0.04729782058659554, 'from': 0.04498439888969294, 'at': 0.036118309849368105, 'with': 0.031763602802757786}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'one': 0.12897392021378185, 'out': 0.07664784689118985, 'part': 0.06409373140028574, 'some': 0.05584305533119319, 'time': 0.03914926290286854, 'account': 0.035845171248451206, 'all': 0.032057463924492914, 'and': 0.027873419781873014, 'that': 0.02728087135118937}, {'to': 0.6294706275128185, 'and': 0.06114135140363789, 'will': 0.05154666487899264, 'would': 0.04780725905425095, 'not': 0.04547386027117722, 'can': 0.02875281540080704, 'or': 0.019040270882893895, 'should': 0.018901924456406316, 'could': 0.018445964688072147}, {'that': 0.17554495963770247, 'if': 0.17197816999672472, 'If': 0.14662598407380073, 'and': 0.08731019287742132, 'as': 0.06894057685118829, 'which': 0.06092063378289965, 'what': 0.0367540357313416, 'when': 0.03616363432813588, 'for': 0.028037710040035687}, {'to': 0.11495506970688947, 'and': 0.0918393574270878, 'of': 0.05425215205235922, 'the': 0.038148505989931185, 'is': 0.033204246463063636, 'in': 0.0295109246546491, 'was': 0.028580498797366398, 'con-': 0.02505349819126404, 'will': 0.023876091631703095}, {'has': 0.1821738364643408, 'be': 0.17028578388739762, 'have': 0.14470228644842845, 'had': 0.12576460823846558, 'was': 0.09686947390194807, 'been': 0.05793274697399679, 'and': 0.038185427972123535, 'were': 0.03493583522455961, 'is': 0.034465992249973605}, {'and': 0.11653211380346044, 'him': 0.02625933941231314, 'reason': 0.02582732508523391, 'made': 0.02563282402115782, 'but': 0.024781004380020052, 'enough': 0.022219103455556062, 'asked': 0.02118712567621095, 'time': 0.01940885746963108, 'them': 0.019264343491649065}, {'to': 0.3946773872790435, 'will': 0.15920310687307024, 'may': 0.09059867354160851, 'would': 0.08010226977150046, 'shall': 0.056323390932857056, 'should': 0.0529939123387586, 'must': 0.04128879758184332, 'not': 0.037179578724467144, 'can': 0.03116989610074978}, {'is': 0.16482245648327626, 'of': 0.13933066795268073, 'was': 0.09041534978005511, 'and': 0.08342130118626702, 'with': 0.07642365694185674, 'for': 0.07384451078474237, 'to': 0.0644540796158007, 'in': 0.06263711944258925, 'as': 0.0605216767134233}, {'was': 0.24236546422491975, 'is': 0.17078622581952455, 'be': 0.12574008275767046, 'as': 0.10877321628407093, 'been': 0.06126306639814505, 'and': 0.05899835285009121, 'were': 0.0553666678576409, 'are': 0.053430605637964805, 'the': 0.03190787945978558}, {'<s>': 0.07423674941896821, 'it.': 0.01565493945699091, 'them.': 0.010334821535036036, 'time.': 0.008437107976221802, 'day.': 0.008218793762694463, 'him.': 0.00787915060123512, 'country.': 0.006819177527773354, 'years.': 0.006533898846505199, '.': 0.006019803617683204}, {'the': 0.1976045741855898, 'two': 0.11048461547953084, 'of': 0.10800817787366018, 'and': 0.10289147107004488, 'for': 0.07072726316130842, 'The': 0.06418369932411123, 'three': 0.04444106914170995, 'that': 0.03746223568086587, 'few': 0.03657678338712423}, {'of': 0.30955262259856414, 'the': 0.10795224096893026, 'by': 0.10251845255736423, 'from': 0.08709112240308162, 'to': 0.06438015064685929, 'in': 0.06000500451976626, 'and': 0.04981316483678419, 'with': 0.04742968625991621, 'for': 0.03920935773100822}, {'<s>': 0.13199445666435303, 'it.': 0.016896276536775553, 'of': 0.01359172917307704, 'them.': 0.01263229279106789, '.': 0.01246024300447556, 'day.': 0.008982282649827377, 'time.': 0.007966312813277036, 'to': 0.007650899066710546, 'year.': 0.007396464426079893}, {'<s>': 0.04482788954371471, 'and': 0.026729385589559694, 'was': 0.02119252235395154, 'be': 0.02060548821860735, 'is': 0.012754024511014615, 'are': 0.012460853144407546, 'that': 0.011409330918882373, 'were': 0.010768954572640111, '.': 0.00908739790501748}, {'the': 0.5488794365234251, 'of': 0.050956190997372815, 'and': 0.034741890684212975, 'The': 0.03451383388246751, 'tho': 0.032334610549268734, 'Rocky': 0.02447866864874747, 'a': 0.01744597891181658, 'tbe': 0.01592717691317855, 'in': 0.014296939092680505}, {'the': 0.24166326471082283, 'a': 0.07633049867699924, 'of': 0.07620601942073611, 'and': 0.06455767083734064, 'Mr.': 0.05528866776903343, 'The': 0.04067206321548657, 'to': 0.033091364526458555, 'in': 0.0268461141395669, 'an': 0.024317051904890242}, {'the': 0.1873830439526333, 'of': 0.10165320332316363, 'to': 0.07121158975065293, 'and': 0.06239695364163807, 'in': 0.035446901840830145, 'for': 0.035173487692861834, 'be': 0.028874204567123713, 'was': 0.021018146370974093, 'is': 0.019131692790431924}, {'the': 0.43909144723871363, 'The': 0.20350518741646165, 'of': 0.07853705842344755, 'a': 0.07073872811601424, 'and': 0.051563945654708176, 'his': 0.027964352351806967, 'tho': 0.025982947682669327, 'that': 0.014571521676250568, 'Tho': 0.012747658175891807}, {'one': 0.10710368602459362, 'out': 0.08123884870271213, 'some': 0.051781778401643046, 'and': 0.03667936817114682, 'part': 0.0358283199164177, 'many': 0.03166683185942769, 'that': 0.03106143437196242, 'all': 0.026429155254369306, 'time': 0.02434843850850293}, {'to': 0.15835907033451466, 'for': 0.08723956844599176, 'given': 0.08284196769956946, 'upon': 0.07931985326466641, 'with': 0.0659330475191556, 'by': 0.06423897917422335, 'told': 0.056016018829360116, 'against': 0.05126728455060638, 'on': 0.0489012157382205}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.3317903033137303, 'young': 0.06627673806300323, 'business': 0.06307846175957603, 'of': 0.05838954567839104, 'and': 0.056524900974376145, 'The': 0.04703129563374105, 'two': 0.04347706810689761, 'many': 0.031427625954908237, 'by': 0.029001354931821696}, {'the': 0.12461452507482718, 'a': 0.08830891862170133, 'and': 0.08620311032016595, 'of': 0.08167987493259185, 'to': 0.059192375711770474, 'in': 0.03260674918916609, 'be': 0.03219735436218589, 'was': 0.020605935656305464, 'is': 0.018786887551926146}, {'Mrs.': 0.1226758148649451, 'of': 0.10455951423848853, 'by': 0.09444763433795311, 'said': 0.08818657889189023, 'and': 0.08022719899441588, 'Mr.': 0.03929962021942221, 'boy.': 0.033655151729167596, 'to': 0.031819339851819145, 'girl.': 0.026434527578117165}, {'few': 0.299522818643106, 'two': 0.20188497342801323, 'three': 0.18430389113375614, 'six': 0.07009050455159854, 'some': 0.06459560558526294, 'several': 0.05469079301072295, 'four': 0.05153495104806595, 'successive': 0.017460921353817112, 'five': 0.017039925099587305}, {'the': 0.18383391274572516, 'of': 0.0795610080995925, 'The': 0.07693711338930552, 'Mr.': 0.07063407577582882, 'and': 0.04954368568515078, 'that': 0.047617963182718194, 'a': 0.030078326709935564, 'Mrs.': 0.023916418750509646, 'his': 0.017168066128705386}, {'feet': 0.06004894875666133, 'as': 0.046557417594564325, 'day': 0.04390217528326803, 'went': 0.042678999646045726, 'came': 0.03335782147095725, 'up': 0.033102176639338586, 'prior': 0.02849122015951503, 'and': 0.026885560284166003, 'back': 0.023006263868605163}, {'the': 0.2443523214753671, 'a': 0.10194823446858808, 'of': 0.07302762596735582, 'and': 0.06903790832580542, 'to': 0.03629268910069412, 'Mr.': 0.035986094108869694, 'The': 0.026673548875681415, 'in': 0.02169330461505946, 'tho': 0.019058131718198083}, {'to': 0.3290075745103562, 'the': 0.23794950030423112, 'a': 0.10298424201757689, 'this': 0.04923235728265579, 'will': 0.04281275781651154, 'would': 0.03938653916377167, 'and': 0.03561058708854436, 'of': 0.023225620990536128, 'in': 0.02133354099040707}, {'the': 0.8208838655677185, 'The': 0.0608009568144909, 'tho': 0.04393628594185115, 'a': 0.019099612115117695, 'tbe': 0.017426753655888694, 'said': 0.005850389121171361, 'and': 0.004719319003254865, 'of': 0.0032643036031961537, 'any': 0.003110233996351368}, {'and': 0.19900110660244927, 'of': 0.12830558995743077, 'by': 0.0630556549399235, 'after': 0.06112903732237168, 'to': 0.06008938755140647, 'in': 0.05680072790842256, 'with': 0.047401894439170686, 'for': 0.045728088216964, 'without': 0.03987888493652616}, {'and': 0.11586224409282088, 'of': 0.048143256249867254, 'an': 0.034170299072828744, 'to': 0.03370261055393057, 'said': 0.02275654577654488, 'that': 0.020578800229569535, 'which': 0.019507740906181736, 'by': 0.018963930163158855, 'as': 0.018710748934851355}, {'is': 0.36313412904435827, 'are': 0.2378281582622154, 'was': 0.06806101452255048, 'and': 0.06053806042244352, 'Is': 0.04705893870924354, 'not': 0.0300338340765521, 'has': 0.02927674817098156, 'have': 0.025939175259232793, 'be': 0.018695011519945064}, {'to': 0.13350904882106324, 'and': 0.09659246451598442, 'the': 0.08917029289898423, 'of': 0.07357667863534548, 'be': 0.0426935385085531, 'was': 0.04104942045024241, 'is': 0.033147851233209714, 'for': 0.025169130335601246, 'been': 0.023409522340865987}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.22200115075024096, 'in': 0.11698639981787241, 'and': 0.09210726006698317, 'for': 0.0657631046876704, 'to': 0.050756147478168846, 'all': 0.03006753251392801, 'from': 0.028016696235232882, 'In': 0.024651353070214307, 'fact': 0.01907213466213703}, {'that': 0.16739169405380497, 'and': 0.15987227861321088, 'is': 0.14211407410854532, 'was': 0.1052021478685746, 'but': 0.06385128766024337, 'had': 0.05075610712325076, 'have': 0.042141258618582596, 'be': 0.039525898126745056, 'with': 0.029614804428646935}, {'one': 0.016205199953911776, 'more': 0.014850368963924498, 'on': 0.011077444877729834, 'day': 0.010651749053865015, 'two': 0.010644879159957422, 'person': 0.007819629515499037, 'in': 0.007673885993340908, 'man': 0.007480463731075341, 'law': 0.0064657706989891236}, {'was': 0.23864603433522585, 'be': 0.18464188091655231, 'been': 0.16930200626333097, 'is': 0.07199356927771737, 'were': 0.06938481156460527, 'being': 0.03974760563553221, 'are': 0.03527807583357393, 'duly': 0.03449872647581694, 'and': 0.019064631042463285}, {'the': 0.25103600231465006, 'of': 0.21135529977029605, 'and': 0.1227101055923258, 'in': 0.06768821883957313, 'an': 0.06547565123101794, 'a': 0.04467805473287218, 'In': 0.03384457660843009, 'tho': 0.026913346989524432, 'for': 0.026039315352350743}, {'Mr.': 0.21575142477331619, 'the': 0.08294437066535974, 'Mrs.': 0.0664069491547144, 'that': 0.0655179986369386, 'and': 0.039900786248341466, 'The': 0.03370794221952113, 'of': 0.03301264669247881, 'as': 0.02189031408238497, '<s>': 0.017824486976101356}, {'the': 0.2164954120677482, 'of': 0.14032161493606213, 'and': 0.08947179778657875, 'to': 0.048660357179617045, 'a': 0.043196130721368194, 'in': 0.032400290648676555, 'or': 0.020493833444762383, 'for': 0.01922638621581181, 'The': 0.01852222842844631}, {'the': 0.18834899667615898, 'of': 0.13189720167378455, 'to': 0.08731177463737697, 'and': 0.06088958706086408, 'in': 0.05737974291538985, 'a': 0.03532073327015054, 'from': 0.02459154893496009, 'for': 0.02352558962967325, 'on': 0.021518069594461987}, {'so': 0.34951971319408814, 'as': 0.1898889606440922, 'thus': 0.12576129857613272, 'not': 0.051013749920094935, 'has': 0.04380778928911537, 'have': 0.03817146044125625, 'So': 0.03815543076820319, 'had': 0.030198089777232876, 'and': 0.02626394036049887}, {'the': 0.3190605730413845, 'a': 0.3120260259413543, 'feet': 0.045511939687520396, 'of': 0.043421094905151524, 'very': 0.04021305700905908, 'and': 0.030909751580880104, 'miles': 0.027538818002134074, 'as': 0.02441710227067522, 'The': 0.02194138115842728}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.16105162021568614, 'fact': 0.0947880915125248, 'believe': 0.06233723314920997, 'said': 0.04680466929913416, 'so': 0.0446086094281796, 'know': 0.041904399993486136, 'say': 0.03812002888315548, 'is': 0.0373747840438796, 'but': 0.03248450329221597}, {'is': 0.20993670042285995, 'be': 0.15319253751606052, 'was': 0.13465547342096562, 'are': 0.12423239617858471, 'been': 0.08926322249151862, 'and': 0.07553491121601896, 'were': 0.049685090769112816, 'have': 0.045034521270699214, 'Is': 0.04386669760753774}, {'would': 0.17779945024720675, 'to': 0.13384596995467807, 'who': 0.09657872772678129, 'they': 0.0801186691780261, 'I': 0.07157673832643867, 'which': 0.06175441121608197, 'must': 0.053300013979569974, 'might': 0.04794046605735594, 'shall': 0.04304524252072327}, {'the': 0.5879364684632576, 'a': 0.07122761375664728, 'this': 0.06764758194899449, 'said': 0.046551631655411284, 'tho': 0.023157141988997286, 'further': 0.021570718999049197, 'any': 0.020647956065949886, 'large': 0.01956030540173201, 'principal': 0.018294539941309515}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'it': 0.18857587559094116, 'he': 0.15120510454419434, 'It': 0.11843212048189375, 'I': 0.08567827816722488, 'He': 0.05021485607277787, 'which': 0.04882238604877541, 'and': 0.04475948563259579, 'she': 0.04474648343010195, 'that': 0.023813388784435986}, {'of': 0.394287820606614, 'to': 0.10897305802031892, 'in': 0.07670273171241429, 'that': 0.06971111211112391, 'for': 0.06747255488599413, 'and': 0.06693138100852533, 'with': 0.04459645579463432, 'by': 0.039564283974133, 'from': 0.033748676032952736}, {'the': 0.8201044456348795, 'The': 0.051864728699896334, 'tho': 0.027652933325295715, 'this': 0.016812354981849825, 'a': 0.011054328890410511, 'and': 0.010727069762602029, 'said': 0.0100495384803625, 'tbe': 0.009189744905327398, 'next': 0.004411803446721038}, {'the': 0.25859842409258815, 'a': 0.18357452947951067, 'of': 0.1630476523347684, 'to': 0.06182563088547347, 'this': 0.04653028592305552, 'in': 0.03966910780037732, 'his': 0.03918776256437574, 'and': 0.038299092978454796, 'that': 0.0334224596994553}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'of': 0.20628975951262096, 'and': 0.1927731854225655, 'in': 0.1398836680509902, 'to': 0.11362705850753095, 'the': 0.062123153739237325, 'In': 0.0415833136273407, 'that': 0.027477772217622216, 'they': 0.025906273621259444, 'by': 0.021937978544916272}, {'few': 0.15746855114129016, 'five': 0.1121885066816871, '30': 0.104351002402551, '10': 0.0974561943882452, '15': 0.0751627547540781, 'three': 0.07344760068756813, 'ten': 0.06784927908557271, '45': 0.06164809418773573, '20': 0.051932590962897256}, {'of': 0.24629371926236643, 'and': 0.10830002169813133, 'in': 0.10528614726641017, 'to': 0.1032996866697599, 'that': 0.08138509021309623, 'with': 0.07185084882797053, 'by': 0.053130611087758406, 'is': 0.050786686083382646, 'all': 0.04989826933345407}, {'the': 0.5487636660128966, 'The': 0.09989217027046908, 'this': 0.08177743953362523, 'said': 0.054122710577948034, 'rail-': 0.042909702780038673, 'tho': 0.02931135904444583, 'rail\xad': 0.026561805915786108, 'a': 0.014510106839000302, 'that': 0.014238988062487712}, {'a': 0.284712569342693, 'the': 0.2686083563090906, 'The': 0.07547784210286108, 'this': 0.026519171794112232, 'his': 0.02316570927724809, 'that': 0.021160376509692845, 'tho': 0.017589322248731554, 'A': 0.01730216973590834, 'one': 0.016059920809784366}, {'of': 0.29454823424455506, 'to': 0.1215305006444517, 'in': 0.1184721503915471, 'and': 0.0706850930098201, 'that': 0.06309815672023543, 'by': 0.06054925690017494, 'on': 0.05619496195780945, 'for': 0.05556424643157528, 'at': 0.04477632675902223}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'in': 0.23172154169908885, 'for': 0.17434675158956928, 'of': 0.16322713314595913, 'to': 0.08568337525706732, 'on': 0.07119775062907652, 'In': 0.06407600980911261, 'from': 0.04973085228448766, 'at': 0.04138009765921643, 'during': 0.03761371342650364}, {'made': 0.08246691323518403, 'and': 0.08020123324695728, 'owned': 0.05355823622116156, 'occupied': 0.037224548394678834, 'accompanied': 0.03358181449793892, 'assisted': 0.030973541304274252, 'given': 0.027344695759911067, 'followed': 0.02716102703072291, 'signed': 0.02368115933603194}, {'is': 0.2608770755724768, 'be': 0.20575276031986306, 'are': 0.1338398713547665, 'was': 0.1118212203408189, 'and': 0.07193410912133091, 'been': 0.03780245983287595, 'Is': 0.03569511082801162, 'not': 0.03503930345481243, 'were': 0.03471570687239965}, {'person': 0.06582361938970677, 'one': 0.057533020019667584, 'more': 0.030226081910715057, 'action': 0.026618645084210992, 'man': 0.02584254875701214, 'city': 0.02048887688374386, 'in': 0.020061349956793508, 'owner': 0.018334942300558085, 'law': 0.014968555226044108}, {'the': 0.15496332410866312, 'was': 0.13797716881714298, 'be': 0.08613496271381167, 'and': 0.06718115193220645, 'is': 0.06660247880245355, 'been': 0.049811908014146575, 'a': 0.045653954177575264, 'were': 0.040307214852079706, 'are': 0.03633802087354704}, {'and': 0.14028825489961544, 'of': 0.07154747502432045, 'the': 0.04417383519161615, 'be': 0.03648949677003825, 'a': 0.03554646003274374, 'in': 0.0317128205196297, 'is': 0.031370523084917334, 'was': 0.030999885514119332, 'he': 0.028933980698391745}, {'made': 0.07405263495470836, 'and': 0.07226263712204001, 'or': 0.036979932970028676, 'it': 0.0226757913919541, 'paid': 0.020835510581223966, 'accompanied': 0.020830511866407785, 'that': 0.01948872672563788, 'ed': 0.019159946237797064, 'done': 0.018604225718287338}, {'and': 0.05124577628332223, 'was': 0.028866259295040796, 'application': 0.02627981182170559, 'there': 0.024735774392203334, 'so': 0.021360920464295642, 'place': 0.021075371432574656, 'feet': 0.020057496530402414, 'as': 0.019508398820887184, 'him': 0.019131774191642387}, {'the': 0.34094409142978943, 'and': 0.09002133750426118, 'a': 0.07905635252214571, 'of': 0.07002766957045453, 'The': 0.0676601618409097, 'this': 0.04708350686114325, 'his': 0.035261345199428064, 'its': 0.026245734172980463, 'tho': 0.026079778295794186}, {'virtue': 0.07372054838507916, 'out': 0.0643582522520695, 'part': 0.03907743667416268, 'one': 0.035272612243984924, 'quarter': 0.03209168295079266, 'favor': 0.02368434909271157, 'result': 0.023120733291221517, 'guilty': 0.022440380223500818, 'means': 0.021974823725644504}, {'is': 0.16522002947940517, 'was': 0.12274232148782496, 'are': 0.10399428347138716, 'did': 0.10024066720241814, 'do': 0.09149032470347483, 'could': 0.07352671577333592, 'and': 0.06439575477453618, 'does': 0.06167423930861674, 'will': 0.06155265911893676}, {'the': 0.15652611851408013, 'of': 0.11422780979931677, 'and': 0.08504708330440851, 'to': 0.0361649818302569, 'that': 0.034242784026918806, 'The': 0.03231408857727781, 'in': 0.03112054089137663, 'which': 0.02089336217717246, 'or': 0.017507140879938755}, {'and': 0.08540691225803779, 'able': 0.05662724913628365, 'order': 0.052630248627469525, 'him': 0.04712503993370301, 'necessary': 0.042406864250149154, 'unable': 0.0373968047501333, 'enough': 0.03460304326928417, 'is': 0.03382592172800787, 'them': 0.03312456031810154}, {'and': 0.10393735231858521, 'of': 0.0851239029644537, 'the': 0.08102327985274738, 'to': 0.059872671055931935, 'in': 0.03834479186344058, 'for': 0.02960108498581249, 'a': 0.02111441220370186, 'be': 0.020053301628941644, '<s>': 0.018959085113517998}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.09478442672547953, 'or': 0.029577791210248977, 'that': 0.01843564487550533, 'it': 0.01332201968447376, 'is': 0.01242806161286367, 'one': 0.011794491679464133, 'out': 0.01167383606949176, 'but': 0.011641101159893417, 'are': 0.011531209621121297}, {'in': 0.2231325409840413, 'of': 0.14023556391118835, 'to': 0.08406214906382463, 'with': 0.0696087885870071, 'for': 0.06222173789982916, 'from': 0.06019704742282358, 'by': 0.056206808179883765, 'In': 0.05081752066259161, 'and': 0.028829757892914712}, {'of': 0.29240087907162754, 'and': 0.09794457390490263, 'that': 0.08744837869647697, 'in': 0.08506441118351717, 'to': 0.080778009155166, 'for': 0.0653498289550011, 'by': 0.060047549746017496, 'when': 0.03726015259667623, 'In': 0.030197793099258484}, {'the': 0.6217126499660621, 'a': 0.15238998246456992, 'The': 0.04372094914852438, 'tho': 0.03409831994723432, 'and': 0.026419864462264298, 'seating': 0.019998734712547813, 'this': 0.017322109522704816, 'great': 0.014417754822572133, 'tbe': 0.013072583471645954}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.19366663680514382, 'and': 0.08128113731918163, 'a': 0.07212575929639982, 'of': 0.06672986838020205, 'to': 0.06478510233452361, 'so': 0.03284227220056475, 'is': 0.030619253841453187, 'in': 0.02730485862360423, 'be': 0.023414326482796212}, {'of': 0.24955397214918917, 'the': 0.22494747309636165, 'The': 0.07622386553973545, 'and': 0.03831381054957779, 'other': 0.03262951645928288, 'these': 0.0324985092224835, 'for': 0.030421057497291865, 'at': 0.025520550580548595, 'all': 0.024657877551499646}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.4048706924687191, 'to': 0.13882802657682997, 'in': 0.1219167794751341, 'by': 0.053390047906193824, 'for': 0.053282777660151735, 'that': 0.05141290387294907, 'and': 0.047960928490359545, 'from': 0.02848881815792967, 'In': 0.0262097381004271}, {'they': 0.1526364760205744, 'who': 0.0734903762880743, 'there': 0.06796953496356017, 'we': 0.06675967996448004, 'which': 0.051515065498583236, 'and': 0.04885033962872441, 'you': 0.04459834097877737, 'There': 0.03870682391240855, 'They': 0.03657499609252005}, {'<s>': 0.12021029825097798, '.': 0.015662361798590978, 'it.': 0.010491593345957465, 'them.': 0.00784682758303207, 'of': 0.007692187607200798, 'day.': 0.006909414585989493, 'time.': 0.0050513058284977356, 'year.': 0.004641996555721779, 'country.': 0.004364199164063128}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.4225738899053107, 'of': 0.12212808511613986, 'to': 0.0814680715990499, 'and': 0.0539559198476347, 'our': 0.04851963498137049, 'by': 0.03017588391441572, 'many': 0.026080689920648215, 'The': 0.02503072918619973, 'these': 0.024710723141691385}, {'of': 0.24309066410984617, 'in': 0.1687824645085689, 'to': 0.11468122743737358, 'for': 0.0765071546606723, 'and': 0.06289758967278353, 'by': 0.060161606950813205, 'that': 0.05229343828985145, 'with': 0.04788928930244691, 'In': 0.03578995713972509}, {'of': 0.3878518726667833, 'is': 0.07793708303642612, 'to': 0.07231093179740208, 'for': 0.07013389382657054, 'in': 0.06329685755570635, 'and': 0.06004520583200727, 'with': 0.05278750368617049, 'that': 0.0433447173646266, 'by': 0.037134412375867655}, {'of': 0.264118240473057, 'and': 0.10741519290576182, 'to': 0.09411508551547071, 'for': 0.09014527343926695, 'all': 0.07139512761802842, 'that': 0.06544321840149013, 'with': 0.061114797171914995, 'by': 0.049933842302406946, 'in': 0.03732271516560496}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'him,': 0.03027728923239424, 'her,': 0.02623953860517969, 'him': 0.025317721822972386, ';': 0.020989407925070102, 'it,': 0.020000675280622986, 'them,': 0.014344758371711758, 'up': 0.01175958754582107, 'man,': 0.010401574971945177, 'me,': 0.010108437225741168}, {'for': 0.11594472868889209, 'and': 0.11328804361798957, 'as': 0.06641655412215125, 'that': 0.06236042464254354, 'to': 0.05976009236742185, 'in': 0.05694679406755024, 'of': 0.0508027478919912, 'but': 0.03976126554745617, 'cleanse': 0.039493821158215994}, {'the': 0.6110547588567685, 'a': 0.05159633615476359, 'The': 0.04889462486499837, 'tho': 0.03816955023155754, 'of': 0.03585105743186478, 'all': 0.03349236990379693, 'and': 0.030857368614871906, 'other': 0.027209137713185463, 'tbe': 0.014206974224835646}, {'the': 0.3396159333120665, 'and': 0.08988200752579334, 'a': 0.08521878975794496, 'by': 0.06502314716800356, 'The': 0.06006967032433322, 'of': 0.03963787555839112, 'tho': 0.024224752552842264, 'in': 0.024057295814012013, 'with': 0.013756131071106494}, {'<s>': 0.051613665334594945, 'them.': 0.025286457787891518, 'when.': 0.021556529487203827, 'it.': 0.019725113252036613, 'him.': 0.017765381119819797, 'her.': 0.01107777883117898, 'country.': 0.009545785043238221, 'life.': 0.008424733001427992, 'time.': 0.007952886539219408}, {'the': 0.6761977566506094, 'The': 0.18897423998705673, 'tho': 0.033814239553930536, 'and': 0.030674280296129654, 'tbe': 0.013744704968350854, 'Tho': 0.007442798351352015, 'Tbe': 0.0033725851426261726, 'of': 0.003050212935758585, 'that': 0.002599486733693183}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.1822357815339228, 'of': 0.09573392184897213, 'and': 0.07952383801391406, 'to': 0.07132062209322522, 'be': 0.04544343405986707, 'in': 0.039578757907413276, 'for': 0.03362575465742618, 'a': 0.03174944901763291, 'his': 0.029780150507204832}, {'and': 0.36698173839651954, 'the': 0.07839231301113017, 'that': 0.06735758458622969, 'of': 0.044128993790453847, 'as': 0.04014782576913668, 'if': 0.038444145965895904, 'than': 0.03407533420201441, 'when': 0.02642549878588412, 'but': 0.025135945829148684}, {'the': 0.19681201898050063, 'and': 0.10746019247536182, 'of': 0.090292948192365, 'a': 0.06203307026332482, 'to': 0.061487756477194594, 'in': 0.05058752448888821, 'be': 0.029200146349838668, 'is': 0.02885205616893201, 'that': 0.02561849390254677}, {'the': 0.27446309512256795, 'oppo-': 0.13761204500964225, 'a': 0.13255514690083794, 'and': 0.05085244325944516, 'of': 0.04749231995718086, 'their': 0.031696611925917724, 'his': 0.023413555446542285, 'one': 0.022085383868263083, 'The': 0.019073446403880073}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'to': 0.19092003793987838, 'told': 0.12795429701067473, 'with': 0.09887686953402398, 'let': 0.09274530347929923, 'tell': 0.06789881413236931, 'of': 0.06572716919417258, 'made': 0.05258281334243795, 'make': 0.05167609489812141, 'for': 0.03929218446904953}, {'the': 0.24088482878642067, 'of': 0.17359724954515116, 'and': 0.07893092787448792, 'The': 0.054836252260275414, 'his': 0.0533654087923263, 'I': 0.04585211362345949, 'that': 0.04393359915791175, 'a': 0.04369976407603035, 'in': 0.0387837687403534}, {'and': 0.18896057870426783, 'so': 0.09494171826800354, 'as': 0.08451471209864894, 'all': 0.05262803136807101, 'said': 0.044976440179280215, 'is': 0.04020026207998124, 'fact': 0.03676752277938579, 'of': 0.035075992468285154, 'than': 0.03173749324488969}, {'of': 0.42833982586824365, 'in': 0.15461906200700107, 'with': 0.06630144600517571, 'to': 0.05807565717434547, 'for': 0.054432023986587634, 'that': 0.051882410850573456, 'by': 0.049786000751220236, 'any': 0.035065692709873225, 'and': 0.029238916464628693}, {'of': 0.181054824261643, 'in': 0.11731345592433629, 'and': 0.10677417792404181, 'with': 0.08901447736060603, 'to': 0.07484974635099766, 'for': 0.06808485692452054, 'by': 0.05561545910585575, 'such': 0.05438847786169451, 'as': 0.05298000925322926}, {'of': 0.35021342931650135, 'in': 0.1117286890506362, 'to': 0.0983738140482008, 'on': 0.08052488197823335, 'with': 0.0515225568153333, 'for': 0.04884883767798189, 'and': 0.04609609042278022, 'from': 0.045315470420345345, 'by': 0.04358077526299095}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'feet': 0.09033435629168002, 'poles': 0.07233943578397677, 'up': 0.050373963767366144, 'chains': 0.04836802303944212, 'entitled': 0.036579714273079975, 'went': 0.034400663865319606, 'came': 0.03247784650809581, 'down': 0.03219600908324889, 'him': 0.03212209649834417}, {'of': 0.3882385681790888, 'to': 0.10243788100045366, 'by': 0.0909494691509348, 'and': 0.06811799607115247, 'that': 0.06380502922057406, 'with': 0.0555291874088188, 'in': 0.046443289464169306, 'for': 0.04354237857054441, 'from': 0.03383199664819473}, {'of': 0.4877874119268463, 'in': 0.08588124285233403, 'that': 0.0607424297398656, 'to': 0.05658276579390724, 'for': 0.04778166837327527, 'and': 0.04145877184610602, 'all': 0.04143421448645573, 'by': 0.03282630651925131, 'with': 0.032182549003805364}, {'to': 0.23463498947967124, 'with': 0.09780953305491662, 'told': 0.08866683882718138, 'give': 0.07607577088065058, 'gave': 0.06666012482789109, 'for': 0.06557976761459915, 'by': 0.050561027392754615, 'made': 0.04237853116221583, 'make': 0.03933617296042436}, {'the': 0.10295368299292253, 'of': 0.07918208230162492, 'and': 0.060742172616008595, 'to': 0.038811525516059486, 'an': 0.032346469347135184, 'in': 0.031146241321282738, 'be': 0.025689146340173333, 'is': 0.024621381026554506, 'Mr.': 0.024411877595246618}, {'and': 0.10358722241496648, 'that': 0.04236120676273607, 'was': 0.03851980879612808, 'is': 0.03298376660406324, 'work': 0.02943012094100528, 'put': 0.029141485763516356, 'them': 0.028444852467012213, 'due': 0.02464592935026971, 'out': 0.02191748011769086}, {'was': 0.19952510946919094, 'is': 0.14240047030381967, 'and': 0.11887439524878957, 'are': 0.11873310570461941, 'were': 0.07585715360031758, 'be': 0.07390183442575787, 'been': 0.06392920107673883, 'so': 0.0354536625400599, 'Is': 0.025209634805337305}, {'of': 0.3254460493163492, 'to': 0.09203370023308721, 'in': 0.07065417300583245, 'on': 0.06893446964554269, 'by': 0.06860892852290286, 'and': 0.0646643601065383, 'that': 0.05877217775156097, 'with': 0.0517386455389822, 'for': 0.041671506449678486}, {'he': 0.20579119519427383, 'I': 0.10174166636337358, 'who': 0.09236848090191783, 'they': 0.06659442803500999, 'she': 0.053802499109497325, 'and': 0.04925007459150555, 'which': 0.04344125763005336, 'He': 0.036050314094599537, 'that': 0.0355618969913316}, {'I': 0.2786442784447137, 'he': 0.18023264163174244, 'and': 0.12016753673030105, 'He': 0.06557989195734754, 'they': 0.05232759271424295, 'she': 0.04725148939664269, 'we': 0.04618185711167055, 'it': 0.04462009931275033, 'who': 0.02860621689221992}, {'a': 0.23410389165816245, 'the': 0.1546798548408524, 'and': 0.10647722212000037, 'of': 0.07631842289363308, 'much': 0.06927368040700188, 'is': 0.06740970761224728, 'no': 0.05932671541674116, 'was': 0.047240055095052295, 'be': 0.038348496564078974}, {'to': 0.5067159246851936, 'the': 0.08179508213396576, 'this': 0.07897009035047994, 'an': 0.07406927434585205, 'will': 0.06875948831656901, 'and': 0.03996922382396444, 'would': 0.030053420339146077, 'that': 0.02034553958831958, 'I': 0.017376637404046567}, {'of': 0.24998904651770743, 'and': 0.12742550535369487, 'in': 0.10847579233162136, 'to': 0.08335384787435132, 'for': 0.048726907216454514, 'from': 0.04026246554141693, 'or': 0.03868102744266507, 'by': 0.029555266797637075, 'In': 0.02715495731420581}, {'of': 0.3247678249971516, 'the': 0.18441918758071926, 'in': 0.04895736236334593, 'on': 0.029094942929698043, 'that': 0.026405689576860816, 'such': 0.023811772436806693, 'and': 0.023801885858631428, 'any': 0.02357364670703555, 'for': 0.021785381599100147}, {'the': 0.11810096167018189, 'to': 0.10935444126524753, 'in': 0.1007734227650249, 'a': 0.099703050103576, 'at': 0.09593363638814588, 'of': 0.06849221315788889, 'and': 0.059906072981141326, 'for': 0.04054388415858865, 'In': 0.024310777835721782}, {'in': 0.3766580073401376, 'of': 0.13203397068118763, 'such': 0.08836055309243504, 'In': 0.0768272720281713, 'to': 0.0614027295177929, 'as': 0.056243523507470354, 'with': 0.05241933445018421, 'for': 0.04450735860851915, 'and': 0.03725065695537296}, {'of': 0.18706472829987514, 'is': 0.10607505897281165, 'with': 0.09778756960922258, 'was': 0.09020506080564857, 'in': 0.07770523255730474, 'to': 0.07708093950891794, 'by': 0.06102402651413524, 'as': 0.050243838584773076, 'and': 0.05019441524281816}, {'the': 0.1604697480758622, 'of': 0.11115147507530876, 'and': 0.09229814904931401, 'to': 0.07361477420540521, 'a': 0.05797706634709639, 'in': 0.04712777755609186, 'be': 0.04193693791414396, 'is': 0.027165410376618848, 'or': 0.023324901552052062}, {'of': 0.2265618758267208, 'the': 0.16037361059601604, 'in': 0.09590259996011483, 'to': 0.07287256467107783, 'their': 0.06462656380988079, 'and': 0.06239845671226602, 'his': 0.05527019518334783, 'with': 0.03168001550068622, 'a': 0.029257918553334622}, {'it': 0.17007940299785784, 'he': 0.12457101167297326, 'It': 0.1208710945745919, 'I': 0.05790933619491701, 'He': 0.05522139320710876, 'which': 0.05290460173279903, 'and': 0.04434223886291937, 'who': 0.037704440131769885, 'there': 0.03469639420212714}, {'the': 0.1873830439526333, 'of': 0.10165320332316363, 'to': 0.07121158975065293, 'and': 0.06239695364163807, 'in': 0.035446901840830145, 'for': 0.035173487692861834, 'be': 0.028874204567123713, 'was': 0.021018146370974093, 'is': 0.019131692790431924}, {'have': 0.27993520984803716, 'has': 0.24198435717040348, 'had': 0.20874366406219425, 'be': 0.05721399171097948, 'was': 0.04367237884102117, 'and': 0.03667041015555271, 'having': 0.03167462937685775, 'been': 0.019058020568931452, 'he': 0.017793266777968476}, {'of': 0.18897670224620675, 'in': 0.11483052236311281, 'at': 0.09387561328713936, 'and': 0.0848953844147736, 'to': 0.07729767926514518, 'for': 0.04481529271168288, 'on': 0.043811661413921815, 'with': 0.040513688021827185, 'by': 0.035004605647784445}, {'of': 0.35917814168939305, 'for': 0.10062623849257632, 'to': 0.07940497816379645, 'in': 0.0755725559917555, 'and': 0.07310358817783073, 'by': 0.06229179971349276, 'with': 0.05300005328753218, 'that': 0.04941184652507847, 'from': 0.032362678813220046}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'line': 0.040621935080806255, 'side': 0.037214993827636975, 'out': 0.03400761469419807, 'part': 0.03336095024783708, 'sum': 0.031722168638983445, 'rate': 0.02863737965176101, 'one': 0.027754210733786457, 'District': 0.027032986670922566, 'north': 0.02578608311005427}, {'the': 0.37910234370723545, 'whose': 0.12240168429417897, 'The': 0.09334942308539396, 'of': 0.08582912676010586, 'his': 0.06980436437462308, 'my': 0.04485871597040909, 'and': 0.041781089289676, 'a': 0.02888118920120746, 'their': 0.02448166379290056}, {'of': 0.24799843177998487, 'a': 0.15087865745097523, 'in': 0.12168767851771294, 'the': 0.08905250193006128, 'make': 0.07117232010321091, 'and': 0.07038276231458104, 'for': 0.053667715666723674, 'as': 0.0447533313039611, 'with': 0.04443732155562138}, {'the': 0.22666089022255528, 'of': 0.13484143073655902, 'a': 0.09922593320529036, 'and': 0.0558970543979673, 'The': 0.04946829867408188, 'to': 0.03618661030094259, 'that': 0.036165731998746224, 'in': 0.03491618710637231, 'as': 0.0320803188049605}, {'one': 0.08982937877905922, 'all': 0.08081018900847674, 'copy': 0.05403011663508978, 'some': 0.03182031626872498, 'out': 0.02934696487387668, 'those': 0.02832594673453483, 'means': 0.02769149631670555, 'purpose': 0.026446924486725035, 'part': 0.02543055890623796}, {'and': 0.18850458894716984, 'the': 0.167724837878525, 'it': 0.059068292876714966, 'or': 0.05874920971184238, 'he': 0.05519007629598901, 'was': 0.04625278185273479, 'a': 0.044573812524048344, 'be': 0.04241337138269498, 'is': 0.04179375751943168}, {'the': 0.2460834213631492, 'of': 0.129433547013236, 'and': 0.09094051417295813, 'The': 0.07979376119833902, 'that': 0.056063394894164724, 'a': 0.042329150009890355, 'in': 0.03388464670615155, 'our': 0.02685661314468034, 'for': 0.025550108170596757}, {'feet': 0.14875533128220178, 'miles': 0.08225359692680895, 'and': 0.06030994453729162, 'street': 0.028037359053330355, 'range': 0.020712850896021314, 'came': 0.018836285766514894, 'mile': 0.018592820799152827, 'or': 0.017222035716159573, 'year': 0.016990174126739015}, {'well': 0.09665806497160352, 'such': 0.08561354014291557, 'far': 0.0830953307269332, 'or': 0.08271390171567426, 'and': 0.07921412812677557, 'known': 0.045167463269368074, 'much': 0.035555766484940556, 'not': 0.026559938494924978, 'that': 0.02422565865697497}, {'was': 0.3868680077115485, 'is': 0.10628040371061079, 'were': 0.09260769700088009, 'are': 0.08226874816729474, 'be': 0.07486710250415494, 'been': 0.06709556719571869, 'and': 0.0187952456104933, 'being': 0.01663276460362339, 'Is': 0.015376171869448469}, {'the': 0.8328281628146356, 'The': 0.04064197369276225, 'a': 0.02428669239175934, 'tho': 0.02122862003982172, 'on': 0.012744450691254596, 'and': 0.011024450108214734, 'this': 0.008924704291657547, 'tbe': 0.008437460306879413, 'next': 0.007192800746252254}, {'the': 0.1604697480758622, 'of': 0.11115147507530876, 'and': 0.09229814904931401, 'to': 0.07361477420540521, 'a': 0.05797706634709639, 'in': 0.04712777755609186, 'be': 0.04193693791414396, 'is': 0.027165410376618848, 'or': 0.023324901552052062}, {'Miss': 0.2298611417446923, 'Mrs.': 0.11803893222596284, 'and': 0.08326195240806299, 'A': 0.050048984307200714, 'Santa': 0.03049715774615146, 'Mr.': 0.02475437358692371, 'the': 0.024269272107465323, 'St.': 0.01601965974149325, '.': 0.015771143057634385}, {'an': 0.4214337447096445, 'the': 0.2525446397848186, 'great': 0.04417202766197438, 'of': 0.04250190575925048, 'and': 0.03985032852422775, 'some': 0.035865603558762095, 'any': 0.034925690614534384, 'this': 0.034695482251504185, 'such': 0.027877219418135587}, {'the': 0.417590641452185, 'The': 0.3126051652536376, 'a': 0.04553282058755369, 'his': 0.04491128937567802, 'This': 0.03941763475245501, 'this': 0.034370254608881205, 'tho': 0.025658624685785572, 'Tho': 0.020351057498654943, 'my': 0.01887565586015737}, {'of': 0.5011287988609915, 'the': 0.18812048875822435, 'said': 0.03201185940981263, 'agricultural': 0.017890535660173245, 'on': 0.016162054272802092, 'The': 0.013788520143624243, 'this': 0.012547842392577998, 'and': 0.011022128555498991, 'tho': 0.011003240629715926}, {'the': 0.19366663680514382, 'and': 0.08128113731918163, 'a': 0.07212575929639982, 'of': 0.06672986838020205, 'to': 0.06478510233452361, 'so': 0.03284227220056475, 'is': 0.030619253841453187, 'in': 0.02730485862360423, 'be': 0.023414326482796212}, {'a': 0.598703404419465, 'the': 0.19644606922680136, 'to': 0.043258050140489404, 'no': 0.03378541041484373, 'any': 0.01882603505332184, 'The': 0.013315112963233051, 'and': 0.012481239263858883, 'tho': 0.01176977472450424, 'an': 0.011379122525168081}, {'is': 0.24651061007502137, 'be': 0.232476730675162, 'was': 0.09981138368899904, 'it': 0.0939959095273646, 'not': 0.0846122010521882, 'are': 0.04583762108590366, 'and': 0.04071875455693648, 'Is': 0.029343936405160583, 'as': 0.028090115328321317}, {'that': 0.163066346238745, 'as': 0.1576418644565216, 'and': 0.1268051824181167, 'but': 0.04438682772984545, 'if': 0.036620467611519714, 'of': 0.03611556685906929, 'which': 0.02388142491837923, 'for': 0.020398323243991757, 'when': 0.019906786066576285}, {'and': 0.13865307114600622, 'week': 0.04075722404343915, 'made': 0.02216896888512693, 'one': 0.020320989372196875, 'or': 0.019052662173178758, 'paid': 0.017936019101100337, 'time': 0.01723711890570344, 'but': 0.016118600166291516, 'vote': 0.015309610781798011}, {'the': 0.21233780583371845, 'and': 0.07602957624210452, 'of': 0.07343369976466817, 'to': 0.033708990982635585, 'in': 0.03220287913471523, 'be': 0.02417311761699393, 'a': 0.022016814144570927, 'his': 0.021798780804996067, 'for': 0.021034436177984287}, {'protest': 0.06088780265942182, 'up': 0.04639970992115977, 'and': 0.04459995740083953, 'made': 0.03656538666879585, 'voted': 0.03626229211842903, 'guard': 0.029990828944947114, 'fight': 0.026649471003094324, 'out': 0.025326863646204168, 'vote': 0.025270295299934065}, {'It': 0.12143442448151726, 'he': 0.10213697413240447, 'and': 0.08375313004558564, 'it': 0.08050983136353022, 'who': 0.07956825183401084, 'I': 0.06936861784374411, 'which': 0.06856965358041835, 'He': 0.03695470575858058, '1': 0.03680008489523058}, {'to': 0.30642490925146176, 'will': 0.09585797729029515, 'we': 0.09099279819890486, 'I': 0.08714425793985382, 'would': 0.07971903861434045, 'they': 0.06572957560887373, 'you': 0.058782585599627526, 'who': 0.0445964010120148, 'and': 0.04273893601031479}, {'and': 0.10444648443070297, 'them': 0.041063509227431357, 'it': 0.03243135625162861, 'that': 0.02969031603878613, 'was': 0.02384963413919457, 'men': 0.023067708451576352, 'or': 0.022905448028835543, 'made': 0.02172281631248997, 'him': 0.021549423906803325}, {'Miss': 0.16124661026981826, 'Mrs.': 0.16043141188037743, 'of': 0.09039009747425016, 'and': 0.07791021481076683, 'Mr.': 0.05491155683226842, 'the': 0.02978214219922125, '<s>': 0.018509762056146236, 'Mrs': 0.01782668939222949, 'said': 0.017651162405803673}, {'of': 0.12218140770530922, 'the': 0.08383385437148297, 'to': 0.0734421165490807, 'and': 0.0571057712921808, 'in': 0.04835505815810096, 'by': 0.021180059534995282, 'or': 0.02045464340066344, 'be': 0.019818114075786947, 'at': 0.019210720406253993}, {'of': 0.2197516449581078, 'in': 0.21847836217298716, 'to': 0.1352886378991353, 'and': 0.07385861732651489, 'with': 0.053927516574166647, 'that': 0.05180059748494886, 'on': 0.05095722748878816, 'In': 0.04474286053262959, 'by': 0.04125394116155125}, {'it': 0.21451312338537318, 'It': 0.10826202947063722, 'as': 0.098218196316048, 'which': 0.09590492234201907, 'that': 0.07988959936613527, 'they': 0.059698887413628395, 'there': 0.042394582218303986, 'and': 0.032923399960012464, 'he': 0.030568284314665725}, {'<s>': 0.018361341456458586, 'was': 0.01570194187129284, 'and': 0.01227403483740873, 'is': 0.01079348971215456, 'I': 0.009626859710526804, 'be': 0.00871493943664816, 'in': 0.007206005589682135, 'it': 0.006942992195402109, '-': 0.0065078079335278895}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'at': 0.41283935991289267, 'the': 0.0682971940063255, 'his': 0.06684476282137408, 'go': 0.05303149028459646, 'went': 0.05059728338321113, 'a': 0.05043442258345353, 'her': 0.04090900158816088, 'of': 0.04001897916277463, 'and': 0.03444919705004523}, {'and': 0.024435828972632186, '<s>': 0.01525281571564711, '-': 0.013044433296925758, 'of': 0.012746016051697815, 'that': 0.006979915444979453, '': 0.0058185024595166735, 'when': 0.004672229031985983, 'her': 0.004627364459043374, '.': 0.004093417722180815}, {'have': 0.3255828358238317, 'has': 0.24646946705714523, 'had': 0.22365004971269362, 'not': 0.03272969069844632, 'having': 0.030915000638381845, 'bad': 0.01496838570016474, 'ever': 0.01382231302640197, 'never': 0.013735847197120303, 'havo': 0.01048593870034795}, {'the': 0.16923209824086116, 'of': 0.12568748476714464, 'to': 0.05255229381263536, 'boy.': 0.04217607042059384, 'and': 0.03960088374390501, 'girl.': 0.038000509777249156, 'a': 0.03690619256610961, 'in': 0.03157809009787537, 'for': 0.02751942374157182}, {'and': 0.2289798600718803, 'that': 0.14100051130047292, 'as': 0.05070803212625525, 'but': 0.04589033775523004, 'or': 0.03708313388930665, 'and,': 0.030732195864182164, 'even': 0.022055569329610395, 'But': 0.02017223371925248, 'which,': 0.016560862169140916}, {'and': 0.08800191620458334, 'want': 0.08659677742909827, 'wanted': 0.08190468063294945, 'him': 0.0755765900633255, 'ought': 0.07490032284079837, 'glad': 0.06272497561992205, 'enough': 0.057877381831580574, 'able': 0.05387282074480711, 'is': 0.03821532147387233}, {'one': 0.05656786395588621, 'some': 0.02911740157903044, 'all': 0.024471656604829577, 'part': 0.02216813671374336, 'that': 0.021562792566207956, 'any': 0.02000505273386711, 'portion': 0.01973994758943573, 'out': 0.018441311281891998, 'many': 0.01576938340392381}, {'the': 0.2759637212118583, 'of': 0.14468885935815612, 'to': 0.10833495018810908, 'with': 0.06775192093853658, 'and': 0.05516597173034899, 'his': 0.048699117410441875, 'their': 0.03464514368252429, 'by': 0.03160359864150246, 'said': 0.02921208014984594}, {'and': 0.11466261124671324, 'was': 0.04183008781999923, 'held': 0.03556966805171333, 'Beginning': 0.02896819071614559, 'is': 0.02752856476682257, 'look': 0.026279900325162895, 'arrived': 0.02597799389057782, 'that': 0.025271294744426742, 'interest': 0.023893646310221173}, {'the': 0.16854057687093554, 'of': 0.1135277129013989, 'to': 0.09798787257631227, 'and': 0.05902149407478111, 'be': 0.03513406170174197, 'in': 0.03495619206254128, 'for': 0.02387202847203075, 'was': 0.022773879966356263, 'a': 0.02182345590988323}, {'a': 0.2657950111426852, 'the': 0.23727588447179007, 'this': 0.108300641320082, 'and': 0.04462069950196607, 'his': 0.03459721849659711, 'to': 0.028921974298358633, 'one': 0.024561942156337897, 'her': 0.02206665538305564, 'no': 0.01999492035747396}, {'have': 0.33660805270453753, 'has': 0.2586407820734009, 'had': 0.22604436253168855, 'not': 0.03780915375306201, 'having': 0.03674548298786577, 'ever': 0.01566630621754138, 'never': 0.014138664948245514, 'lias': 0.011627785243563709, 'bad': 0.008994608073968405}, {'the': 0.46285777065933065, 'a': 0.3543721408584315, 'no': 0.044040488959771876, 'The': 0.031199837742564743, 'tho': 0.019557310880502853, 'this': 0.019493418151406573, 'any': 0.009285771631063726, 'tbe': 0.005890443499792402, 'every': 0.005778057425186142}, {'and': 0.10621357103659904, 'of': 0.09592475021597927, 'as': 0.0933664698463147, 'the': 0.07498329443544682, 'to': 0.050713985015591476, 'be': 0.03665821157222504, 'such': 0.035312510153626214, 'much': 0.0306652819635511, 'in': 0.028081642731827273}, {'the': 0.15601891629088022, 'and': 0.14444645999580252, 'of': 0.045303151611715754, 'will': 0.042282469582432695, 'to': 0.04146177581087448, 'a': 0.028787066672090716, 'do': 0.026592061276202783, 'that': 0.02509740502079884, 'would': 0.02382955871916059}, {'the': 0.36265953331959794, 'of': 0.0958799914219016, 'their': 0.07927029475060418, 'our': 0.06530602936525222, 'to': 0.055399232406459546, 'its': 0.04994903851042489, 'his': 0.04970705376912839, 'a': 0.04940366112553179, 'and': 0.037950766154529844}, {'of': 0.11785529026658935, 'and': 0.11586877154350345, 'in': 0.05739244689627157, 'to': 0.050607477297486644, 'fact': 0.03889347275782053, 'said': 0.03289904969041613, 'on': 0.02952954435335196, 'all': 0.024539624180535385, 'is': 0.022298709960555663}, {'the': 0.1984529786816894, 'his': 0.09562513899698231, 'their': 0.06985815285243939, 'her': 0.04693593398114382, 'of': 0.04196224437375247, 'our': 0.04118912068661549, 'and': 0.038410262794296476, 'to': 0.0379488499424293, 'a': 0.03777546944989802}, {'and': 0.24695787952536408, 'that': 0.09698630579904173, 'but': 0.0895096763805324, 'time': 0.05370589839244303, 'But': 0.02493204349304006, 'or': 0.019516063459839188, 'And': 0.019341369003140315, 'even': 0.019333530760715194, 'especially': 0.017121110611545413}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'be': 0.20530262557634252, 'was': 0.18373799755628892, 'been': 0.08515456657920377, 'were': 0.08240911941310342, 'and': 0.07961855720580951, 'I': 0.0646649169352853, 'he': 0.05599994570883935, 'is': 0.052630302210477285, 'have': 0.042412328071437425}, {'to': 0.20760547025097645, 'the': 0.15922999403728083, 'of': 0.1224948348038155, 'and': 0.08172849794552012, 'not': 0.07479406504107315, 'for': 0.038649833666770904, 'or': 0.03792191522666663, 'at': 0.028834730170244703, 'in': 0.028818523544145186}, {'was': 0.18760843744146116, 'have': 0.09192685060480571, 'and': 0.0907032768423492, 'be': 0.08852019548363356, 'been': 0.07784318124772785, 'had': 0.07508047373794886, 'has': 0.06562889632674095, 'is': 0.06342077663318275, 'were': 0.03718330773975103}, {'of': 0.15751103388744359, 'as': 0.1293414744380475, 'is': 0.09331702004004443, 'and': 0.07708817359390106, 'that': 0.07517926303514517, 'was': 0.0665789737310202, 'by': 0.06397626126795705, 'for': 0.06282444205660466, 'to': 0.06281522332686475}, {'the': 0.325735823091422, 'a': 0.1069402568047672, 'this': 0.09495229961827834, 'same': 0.07377641487699181, 'such': 0.05599973293189964, 'of': 0.04033664119569459, 'his': 0.03888564670697404, 'any': 0.029139544651454567, 'their': 0.027112181894375496}, {'and': 0.04175907157445451, 'miles': 0.03956518264977844, 'free': 0.03846433626049294, 'far': 0.03219223737225974, 'away': 0.03188538713447815, 'suffering': 0.025932358515943287, 'him': 0.022841349207894573, 'them': 0.02246223167953485, 'or': 0.021263296589886165}, {'be': 0.13597996456316291, 'was': 0.12123004937582867, 'has': 0.1116865694163798, 'have': 0.08781441391898183, 'and': 0.08760180525916972, 'been': 0.07224293498462893, 'had': 0.06891189113825788, 'is': 0.058740576728187485, 'he': 0.04199157627107993}, {'and': 0.09271253900205512, 'was': 0.038993459204631875, 'is': 0.031237611103086815, 'that': 0.030653916617689146, 'it': 0.027361958872102275, 'as': 0.025012708047552047, 'be': 0.023544023845559998, 'them': 0.022293170997574118, 'up': 0.022148852022813727}, {'-': 0.05524673232181523, 'ai': 0.05403891620384869, 'the': 0.03530856336238237, 'a': 0.031710312845590866, 'at': 0.02349628929941995, 'to': 0.022690148296880222, 'I': 0.02039319230462786, 'in': 0.018755882024376624, 'of': 0.01799154970624962}, {'of': 0.27624232237774704, 'in': 0.11066323135546582, 'to': 0.09495565112870508, 'and': 0.06207509980073698, 'for': 0.059861354395431506, 'with': 0.05420127988284678, 'on': 0.05028555136356091, 'In': 0.036741052456522504, 'all': 0.027573883377921892}, {'and': 0.12801760784179173, 'be': 0.037396037534777785, 'but': 0.0266225649818786, 'is': 0.026182307043975794, 'or': 0.025969655546026836, 'it': 0.02501166045988702, 'them': 0.023101865812281075, 'was': 0.022691915414404358, 'that': 0.021511652585103975}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.3656497080355053, 'to': 0.10265947550049599, 'in': 0.09010758284858499, 'for': 0.07152991107056011, 'by': 0.060861169941740345, 'on': 0.05679223119308688, 'that': 0.05504566157028456, 'and': 0.05435557791561887, 'with': 0.03964752281392783}, {'he': 0.16112501331558862, 'it': 0.137908493425954, 'they': 0.08463231948572038, 'I': 0.07462699094444324, 'that': 0.07180070949034556, 'It': 0.052823032636216856, 'she': 0.04803321918418162, 'and': 0.046256552543149435, 'who': 0.04357642293015865}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'be': 0.2248602670513388, 'was': 0.15909565577488655, 'and': 0.08225784585861463, 'is': 0.07973238955219358, 'been': 0.07460068894332292, 'thickly': 0.05465402213167528, 'a': 0.04440035541394782, 'have': 0.043626918159473435, 'were': 0.03905066088118641}, {'of': 0.23525696155883158, 'told': 0.1552417239993956, 'to': 0.12153763613955085, 'tell': 0.0610125969853566, 'with': 0.05958860772036162, 'for': 0.0537620018809438, 'upon': 0.04439350771422683, 'remind': 0.03245205856663884, 'among': 0.03218121276432273}, {'purpose': 0.18508004239905948, 'instead': 0.04816288609472468, 'cost': 0.04487012477614392, 'means': 0.0439936772875029, 'number': 0.04371370729138698, 'amount': 0.036167389528488046, 'out': 0.030852858898002433, 'capable': 0.026686784116710157, 'method': 0.026054878017984083}, {'is': 0.2002057345436081, 'and': 0.1483772654850378, 'was': 0.11419503901087168, 'as': 0.09828352075257023, 'be': 0.07451721681783412, 'it': 0.07136501119245568, 'not': 0.0395675975489077, 'will': 0.03761895218514556, 'are': 0.02866617466243338}, {'and': 0.08438715251262373, 'together': 0.04853656291945256, 'do': 0.039461112278047814, 'covered': 0.03918063529249043, 'up': 0.03589793231519979, 'charged': 0.03399273184755659, 'filled': 0.0321922166956611, 'met': 0.03125267857797497, 'compared': 0.025683934191128636}, {'J': 0.08412278979064369, '.': 0.07327622435730313, 'W': 0.056730406917924504, 'of': 0.05202000091692611, 'and': 0.0440530542970249, 'to': 0.03412555353296142, 'C': 0.024312346410090276, 'H': 0.022471672863769835, 'J.': 0.02163521769362419}, {'and': 0.16771634397308052, 'so': 0.0799515110433391, 'fact': 0.06754269311976728, 'said': 0.053099026947957956, 'know': 0.052752863689406224, 'say': 0.047912452004830776, 'is': 0.03465193910310531, 'but': 0.02885959309660333, 'believe': 0.027790681460559605}, {'the': 0.2952317213676694, 'a': 0.10635652583876797, 'and': 0.07037626440439342, 'The': 0.05519374197440281, 'A': 0.052491667057636325, 'said': 0.04369472884934967, 'of': 0.03324245261532886, 'this': 0.0315754939165868, 'tho': 0.022319051047347212}, {'of': 0.40557230773674696, 'the': 0.11576661602474736, 'in': 0.04322312618063083, 'by': 0.03192851121609262, 'to': 0.02918653131728884, 'at': 0.028961008159852253, 'a': 0.020548975328098913, 'with': 0.014082653733891993, 'and': 0.012222435200863933}, {'at': 0.2091682272042034, 'for': 0.14002388368954438, 'of': 0.12542269447346388, 'to': 0.09234314390683014, 'as': 0.0863863857842327, 'and': 0.07152431096804984, 'was': 0.05928255882251309, 'that': 0.05099638668294924, 'is': 0.05031435219238267}, {'the': 0.21065193915565517, 'of': 0.08219053896537407, 'and': 0.07306876381982752, 'a': 0.0650262061620037, 'in': 0.027644545321932796, 'to': 0.0232139415987013, 'for': 0.020777803950531606, 'or': 0.019870333459705278, 'that': 0.018938212295875053}, {'and': 0.17355061889646614, 'so': 0.06935403040822583, 'fact': 0.06789907401981579, 'know': 0.047823975997225585, 'said': 0.03967989481688331, 'is': 0.03944023843191859, 'say': 0.03892067336491671, 'but': 0.027514389919103346, 'believe': 0.023789699405874755}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.11270382155653283, 'was': 0.06444249100411335, 'be': 0.06209135408092919, 'to': 0.056734932381022715, 'the': 0.05578529207391036, 'were': 0.04183337520440804, 'is': 0.03834091668997233, 'are': 0.036537487716705036, 'been': 0.034407831731029924}, {'the': 0.11900977264908191, 'was': 0.09219023776932148, 'and': 0.08987027972160916, 'is': 0.08915353363852242, 'be': 0.07564608865792635, 'a': 0.062214327367408576, 'are': 0.04929452040931302, 'of': 0.04657461588341606, 'not': 0.03840969560844944}, {'as': 0.07653536789588725, 'up': 0.058082029856746084, 'and': 0.050012696291922135, 'according': 0.045146457065212635, 'back': 0.04305444766518194, 'him': 0.04296703795764854, 'returned': 0.042403197316746265, 'went': 0.037647498440129386, 'came': 0.03758355535096892}, {'they': 0.11471146728321803, 'which': 0.08153204258563462, 'that': 0.053642301538373106, 'who': 0.052261514290019656, 'we': 0.04755483880700753, 'there': 0.04455978378905228, 'and': 0.03510760203944953, 'They': 0.032704492593258964, 'you': 0.023372789990151983}, {'of': 0.11892516304272323, 'the': 0.06696123334833738, 'to': 0.05263417599143463, 'and': 0.05097764876567054, 'Mrs.': 0.02455954368828827, '<s>': 0.0197494956243498, 'by': 0.01790954775016227, 'was': 0.016409895267969956, '.': 0.015557184032129686}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'purpose': 0.025760508994720006, 'instead': 0.021199476465311264, 'that': 0.020856786332851037, 'one': 0.019487847760290576, 'tion': 0.016032031687476397, 'out': 0.014387431932289297, 'matter': 0.014322705707521149, 'sum': 0.01360096451714734, 'Court': 0.013539543570901046}, {'manner': 0.10929122914622635, 'and': 0.051928940561453626, 'that': 0.030065683941091072, 'way': 0.01949234700731763, 'time': 0.01490834846138637, 'it': 0.013227222707666407, 'all': 0.011826895752322215, 'one': 0.01173947360133591, 'part': 0.011709023863419921}, {'be': 0.28125999614896013, 'was': 0.1933285662659127, 'been': 0.120596938758647, 'were': 0.06803012232241364, 'is': 0.06701905542327964, 'are': 0.05978947364321331, 'had': 0.04890252356377044, 'have': 0.04747677984660648, 'has': 0.0390054150616099}, {'the': 0.45759254707351554, 'unpaid': 0.08277288486841655, 'of': 0.0690936169122319, 'and': 0.03787478758911077, 'The': 0.029947682725536613, 'tho': 0.02760713962120994, 'that': 0.02708886872278653, 'in': 0.02553241853327371, 'for': 0.02256645586506539}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.4827402272637469, 'to': 0.11543049781724388, 'in': 0.06343797221162813, 'for': 0.05057438473538109, 'and': 0.043951689598097324, 'at': 0.0424699855141688, 'by': 0.037332901546490126, 'that': 0.032386972491164456, 'from': 0.0300023916100202}, {'of': 0.11369824964698563, 'the': 0.09248062413012713, 'and': 0.09190765509400328, 'to': 0.04841075585174289, 'be': 0.02816226779153041, 'was': 0.02419468410399736, 'in': 0.02403464852408648, 'he': 0.023860486512559582, 'a': 0.023341051237667124}, {'the': 0.22182246624202673, 'of': 0.1767965004681227, 'and': 0.07980698453130525, 'to': 0.054660358911271384, 'a': 0.04559991316127157, 'his': 0.027625110978504338, 'in': 0.026010502534427764, 'at': 0.021788796555252402, 'for': 0.02089622561411265}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'of': 0.2893630266680504, 'to': 0.15947098895558373, 'and': 0.08358060827943178, 'in': 0.07968462383138705, 'with': 0.0762169255405539, 'by': 0.07444277428219488, 'for': 0.054605286164750994, 'from': 0.03753385198057722, 'In': 0.020556231837639195}, {'of': 0.4877874119268463, 'in': 0.08588124285233403, 'that': 0.0607424297398656, 'to': 0.05658276579390724, 'for': 0.04778166837327527, 'and': 0.04145877184610602, 'all': 0.04143421448645573, 'by': 0.03282630651925131, 'with': 0.032182549003805364}, {'there': 0.012605512155845993, 'and': 0.012371194285731387, 'hundred': 0.011408536215470222, ';': 0.00882762400969724, 'men': 0.008320388206225311, 'them,': 0.007067515273491154, 'acre,': 0.006988631515705202, 'right': 0.006763759885700346, 'man': 0.0064641269399017915}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.2318280443383684, 'to': 0.10491245593866345, 'with': 0.1044728220729065, 'in': 0.10188625486853856, 'and': 0.09942904218744784, 'by': 0.06728466481230971, 'for': 0.05060918142483901, 'on': 0.04373666186853982, 'from': 0.041009838866389606}, {'<s>': 0.06446194868034086, 'it.': 0.02946867327477702, 'him.': 0.020761235117524906, 'them.': 0.01917919244786635, 'country.': 0.011530687206745261, 'time.': 0.01059262243638518, 'life.': 0.008893406831177555, 'and': 0.00864146539446789, 'her.': 0.008394738506409446}, {'it': 0.3701931683844163, 'It': 0.24340061762926246, 'he': 0.059841012131870784, 'that': 0.04308267932769675, 'which': 0.03813440178761018, 'He': 0.02255833845909187, 'who': 0.019570216454282773, 'and': 0.01745244846502867, 'she': 0.015236058587884136}, {'is': 0.23174116988257448, 'are': 0.16467714083522014, 'was': 0.11944340179175401, 'and': 0.1126096513166227, 'were': 0.048398147856113224, 'Is': 0.034152164990129866, 'be': 0.03142891357633801, 'but': 0.029023967998067102, 'it': 0.02009999063639121}, {'is': 0.24616333350812786, 'was': 0.18681581052372934, 'be': 0.1711093846603506, 'are': 0.10265719539173412, 'were': 0.04302276934545392, 'not': 0.0404763275086873, 'and': 0.04030147011058196, 'been': 0.035576364416164435, 'Is': 0.03214020312621442}, {'and': 0.1260316308006372, 'that': 0.11018711746186365, 'will': 0.08078115777597193, 'to': 0.06452058570808751, 'as': 0.058615790829500615, 'which': 0.04349791402981567, 'would': 0.04129941071311943, 'when': 0.029230163495485354, 'but': 0.029214275256773545}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'of': 0.18176420312017466, 'and': 0.1173199505631726, 'to': 0.08119765798402404, 'in': 0.06666453130011346, 'at': 0.05956706798679403, 'on': 0.052876964326019654, 'is': 0.04383136058234016, 'from': 0.04275147698942405, 'for': 0.0399903839245927}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'to': 0.6577254939795081, 'not': 0.05714349100099617, 'and': 0.05646484040462242, 'can': 0.03674225884930182, 'will': 0.03628034358577783, 'could': 0.03414161915597484, 'we': 0.022597431056936873, 'they': 0.020788301337482558, 'would': 0.020787961377093534}, {'was': 0.29932221449575996, 'be': 0.12493845744466486, 'been': 0.1054475208900927, 'were': 0.07661862816152339, 'and': 0.07545384287180668, 'is': 0.06676988523729385, 'have': 0.04006911891110105, 'had': 0.03638020536950817, 'are': 0.03441260034430108}, {'and': 0.17670257006742354, 'so': 0.06538001227508514, 'say': 0.050984598405352854, 'fact': 0.047007727789092624, 'know': 0.042336672117270185, 'said': 0.04048939283013406, 'is': 0.03642105790366484, 'all': 0.03166444160489291, 'show': 0.027660869735200228}, {'the': 0.10152350330723316, 'and': 0.08585345918703786, 'be': 0.06651110320896302, 'was': 0.06604720700496236, 'of': 0.061521023673210634, 'to': 0.04656741658199581, 'is': 0.04004951896640153, 'been': 0.03296236907398091, 'a': 0.028864141860157844}, {'in': 0.33575019697842684, 'of': 0.11530785267174709, 'In': 0.0834012968295003, 'to': 0.07440650090327243, 'and': 0.05769499777326799, 'all': 0.026543515306965127, 'on': 0.024779145362842613, 'for': 0.024641812350469403, 'from': 0.018068650591018927}, {'men': 0.019112085758854366, 'time': 0.01629231808888391, 'made': 0.014674179993346116, 'free': 0.013476934853870698, 'him': 0.012869656643506647, 'right': 0.012157835308307717, 'in': 0.011780312123410054, 'up': 0.011054965303592306, 'life': 0.010487583186753371}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.4346983354553921, 'and': 0.10140529071569289, 'The': 0.05873675078102238, 'his': 0.05149298890483206, 'a': 0.04979217943477607, 'their': 0.039881033369333914, 'many': 0.03706521116041343, 'with': 0.029155714794466315, 'of': 0.026558133723013702}, {'the': 0.30542596443323544, 'and': 0.12175003712295991, 'more': 0.11814281938127388, 'a': 0.06134733526140112, 'their': 0.06096774746836909, 'an': 0.05572101457442486, 'of': 0.04777172363851085, 'was': 0.04688569593795703, 'no': 0.0459057412392218}, {'to': 0.2609884716180309, 'with': 0.16887615009185536, 'of': 0.08025236408327968, 'by': 0.06964203369227408, 'for': 0.06240297472320029, 'upon': 0.031186219577735937, 'from': 0.02468357022209058, 'at': 0.023141109998414625, 'on': 0.02179205272191278}, {'in': 0.016394412709962895, 'due': 0.015989081537544473, ';': 0.0156458140944713, 'up': 0.011824179258035588, 'it,': 0.01146541515707621, 'them,': 0.011072726021387851, 'him': 0.009589003883887412, 'time': 0.009391611486846495, 'out': 0.009211779365440926}, {'that': 0.3633367469812165, 'which': 0.10666826865044596, 'if': 0.09173988622614324, 'as': 0.0693923631155659, 'when': 0.0567787896411103, 'and': 0.05402159942240152, 'where': 0.04665098988630387, 'what': 0.0357350225177209, 'whom': 0.03377515745052169}, {'of': 0.13760299856657046, 'the': 0.11956145228680559, 'and': 0.08927155190259252, 'to': 0.06812414703172513, 'in': 0.04086230914719277, 'a': 0.03803598632359167, 'that': 0.03125645921509097, 'with': 0.028389976404913492, 'which': 0.02466280842931428}, {'and': 0.09119672481761214, "o'clock": 0.0785166605384412, 'which': 0.05442259941782087, 'that': 0.05227753230219373, 'at': 0.04891694491792812, 'of': 0.03615270509533443, 'here': 0.03565982578789853, 'meeting': 0.03214574159224701, 'arrived': 0.02625925039121827}, {'to': 0.4358346199328103, 'not': 0.1381057959347619, 'and': 0.09125599954355679, 'I': 0.07069440569055085, 'will': 0.04887387929780795, 'we': 0.03106218792316884, 'would': 0.030666732738052215, 'who': 0.02763745672778827, 'you': 0.027010392910017177}, {'the': 0.48258038928956026, 'in': 0.1341117165102999, 'on': 0.08253938541636632, 'a': 0.04635645205494616, 'of': 0.04346094909497737, 'The': 0.03880640380015821, 'and': 0.034169394558193865, 'In': 0.03066120733711745, 'tho': 0.023038595070212924}, {'a': 0.2845109181392317, 'of': 0.16249299043724713, 'the': 0.1182703578643695, 'with': 0.08778722179662043, 'and': 0.07969072740082742, 'for': 0.06277896659631133, 'very': 0.052296341471506316, 'no': 0.046769185110985566, 'be': 0.04577318075561381}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'he': 0.16436315214561267, 'it': 0.16339930919403045, 'I': 0.11618043595833752, 'It': 0.10484592659308992, 'He': 0.07228973360577756, 'and': 0.05398904554564039, 'she': 0.048218491187911064, 'which': 0.036513575049181284, 'who': 0.022717308041135063}, {'that': 0.1323286677541009, 'and': 0.12476448319028352, 'but': 0.07943267789469372, 'which': 0.06643639661438493, 'when': 0.06326263182293583, 'as': 0.05390906047905572, 'if': 0.042672945635191986, 'what': 0.03281559118076725, 'because': 0.022874120458485747}, {'of': 0.34583830727836273, 'in': 0.1384326936537532, 'to': 0.0975690913292219, 'on': 0.06059014368821682, 'by': 0.059994135742930894, 'that': 0.05953389100347585, 'from': 0.05585813196094664, 'In': 0.05471722392064083, 'at': 0.05407822185300724}, {'a': 0.2669528991313495, 'much': 0.12851064754558064, 'the': 0.12015300225387916, 'no': 0.0859519532337731, 'is': 0.07350791227091047, 'and': 0.06694313514025341, 'of': 0.05318624776917201, 'far': 0.050199546827800624, 'or': 0.04881077413624152}, {'to': 0.46980885793155525, 'the': 0.11556532283660519, 'a': 0.10842016879677786, 'of': 0.04616078930537319, 'this': 0.03756765016734826, 'in': 0.025464077904460036, 'and': 0.021911384763782196, 'that': 0.02113236225314213, 'or': 0.018554977411399155}, {'the': 0.1158741171058204, 'and': 0.08038301359397447, 'of': 0.06815628025012249, 'to': 0.0435009691665075, 'in': 0.0390670278439807, 'a': 0.027189362652693467, 'his': 0.02254921862465849, 'said': 0.01943885003446243, 'that': 0.018805388296061317}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.27588676960703173, 'at': 0.24024203887369638, 'in': 0.1473693178383726, 'In': 0.05899853251273885, 'for': 0.051987383470529835, 'to': 0.030055705651867208, 'and': 0.02906004545191297, 'the': 0.02408151026180897, 'from': 0.019078049624931523}, {'of': 0.412604806935717, 'in': 0.10234054104545548, 'to': 0.09332650717430643, 'for': 0.0702693365884087, 'that': 0.059854152358425596, 'by': 0.05165908975047061, 'with': 0.04771532846021953, 'and': 0.038021858084413475, 'from': 0.035439031773398626}, {'of': 0.17916701911755126, 'in': 0.15243936368262231, 'for': 0.10986644353841969, 'and': 0.09648717794650334, 'to': 0.09434703620575643, 'by': 0.07874870038401148, 'with': 0.06836218498026904, 'that': 0.06126889288936814, 'In': 0.046359692817295656}, {'a': 0.605081386223813, 'the': 0.19711395456568456, 'and': 0.03883555915388631, 'of': 0.025300175703446306, 'The': 0.02222710645692374, 'in': 0.019729334435459645, 'tho': 0.016358727857637295, 'are': 0.016030439150557938, 'some': 0.015757546381023353}, {'at': 0.19819378657924477, 'of': 0.17879530268226965, 'in': 0.1468492004794303, 'to': 0.08046607454001911, 'on': 0.06433526092123662, 'for': 0.06424552815699042, 'and': 0.05729030636114831, 'that': 0.039893638526204436, 'from': 0.037871262343371875}, {'the': 0.9064225088881473, 'tho': 0.027196778146467974, 'a': 0.01918133146621461, 'tbe': 0.0109073648911176, 'The': 0.00840114879558589, 'our': 0.004636764059702278, 'this': 0.0040106036591163775, 'in': 0.002152404043885291, 'great': 0.0018857787000047927}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.39681350847638236, 'and': 0.20338931784413544, 'not': 0.09251303226042874, 'will': 0.04364999938712189, 'you': 0.024187457486440914, 'would': 0.023203809748364314, 'shall': 0.022576087403760995, 'can': 0.019986630868678447, 'could': 0.01829390365547603}, {'he': 0.2884569727199688, 'who': 0.12994538104167566, 'I': 0.10516433650970752, 'they': 0.0880500099149789, 'she': 0.07744406252010327, 'He': 0.057556807647260816, 'and': 0.04824108811490405, 'we': 0.03849786458274748, 'have': 0.02780257652954506}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'<s>': 0.12435618143555181, 'it.': 0.020018367719556854, '.': 0.017164573080263548, 'them.': 0.013194545858660329, 'time.': 0.009804607097122036, 'day.': 0.009603898558580069, 'of': 0.008052022798774816, 'country.': 0.00801428863391296, 'year.': 0.007824226973801814}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.11381608423553899, 'of': 0.0922450642521805, 'two': 0.06572886472651751, 'and': 0.056744983823747396, 'three': 0.05188245851205075, 'five': 0.03820542157008322, 'in': 0.032102655219727855, 'four': 0.030495324007173925, '30': 0.028835431564335764}, {'of': 0.2965754736388826, 'to': 0.12184430959952754, 'or': 0.09833226277358526, 'in': 0.0886377175234889, 'for': 0.07309446971300021, 'than': 0.07015757047668707, 'by': 0.0634195579915413, 'without': 0.049714409318609994, 'that': 0.04809705328870426}, {'the': 0.2558349441868516, 'of': 0.1248079161331178, 'and': 0.08499214678564665, 'a': 0.04483890660355179, 'The': 0.04298788603035364, 'to': 0.03068845360641028, 'in': 0.029456460572469697, 'by': 0.02553166613843099, 'an': 0.024507339067137278}, {'has': 0.32725086152996313, 'have': 0.27452757155532165, 'had': 0.21635831025760985, 'not': 0.053667947558894945, 'having': 0.03298725568355898, 'never': 0.012911497921803785, 'lias': 0.012586845991195963, 'bad': 0.011033873730949826, 'ever': 0.008246629507082307}, {'of': 0.3352239233249434, 'and': 0.09923046906077554, 'by': 0.08784181513279121, 'to': 0.08617066993467236, 'that': 0.08399379075948452, 'in': 0.07705074548689018, 'from': 0.04366143872236002, 'for': 0.0424323636897502, 'with': 0.03225069185029388}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'to': 0.1690634524361132, 'with': 0.1456226562344469, 'for': 0.1182992301092912, 'of': 0.06593822299275565, 'upon': 0.06263640408141957, 'by': 0.05835094070174572, 'asked': 0.05160143470505352, 'told': 0.044352848874162895, 'against': 0.040218469892306555}, {'the': 0.5750507314715494, 'of': 0.035256186068393015, 'tho': 0.032381016175179855, 'said': 0.029907430543624564, 'and': 0.02813729924251331, 'in': 0.012706624253846095, 'tbe': 0.012352411414638243, 'The': 0.011986322577498074, 'In': 0.006619417950153062}, {'of': 0.09306287261231871, 'the': 0.049710348098918604, 'and': 0.04547764110808933, 'in': 0.03929282685879949, 'a': 0.0391555494898379, 'to': 0.033292706777250686, '-': 0.02778765775850125, 'for': 0.01560888465411524, 'by': 0.013385009105167179}, {'of': 0.10447320738542468, 'the': 0.09561349501647294, 'and': 0.09370130609222788, 'to': 0.05675886912912064, 'be': 0.04012595648251621, 'was': 0.03364924158966239, 'is': 0.023022945494094487, 'Mrs.': 0.020964474548126832, 'Mr.': 0.020817899640641725}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.3195451512583214, 'an': 0.21809913979261078, 'great': 0.07048540105957918, 'this': 0.06320790733753687, 'and': 0.06093455941187474, 'some': 0.051486916067286004, 'any': 0.042117215072139655, 'of': 0.03393645378572698, 'his': 0.028783900002603877}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.09283358159753359, 'was': 0.042286021881221096, 'out': 0.02823932861959391, 'that': 0.02783458229246659, 'placed': 0.026860549889268726, 'work': 0.02552392106006461, 'made': 0.024434605868232023, 'is': 0.02378083965465044, 'up': 0.023274284820262628}, {'50': 0.06638585496229958, '20': 0.06134522881894227, '120': 0.04340134839825657, '25': 0.03609837271582631, 'the': 0.03420108736952803, '14': 0.033857590179294614, '30': 0.03240049177397591, '75': 0.03215333340495755, '40': 0.031549760606236786}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'as': 0.06485415773436404, 'up': 0.05986048213945008, 'went': 0.05225626222488362, 'and': 0.04971149168247132, 'go': 0.04502496334597596, 'came': 0.03572432533575064, 'returned': 0.033051556913761625, 'him': 0.03027600014303792, 'them': 0.02982127112429661}, {'of': 0.13844733267543008, 'and': 0.11069939791422362, 'to': 0.10345706806670468, 'or': 0.10276493812276474, 'the': 0.0957197470368006, 'in': 0.07191713636603657, 'a': 0.06265463993864212, 'about': 0.061374307880113825, 'for': 0.05082833265425656}, {'to': 0.7365973623183345, 'and': 0.06265337289553047, 'will': 0.0411345256525101, 'would': 0.02960419413006474, 'the': 0.019574027735112062, 'shall': 0.016565772948920983, 'not': 0.014771667470928784, 'I': 0.011909858673739842, 'To': 0.01153422214926104}, {'per': 0.877126449598415, 'the': 0.021941811475235655, 'and': 0.010778884090935414, 'por': 0.008189072097563128, 'The': 0.0013053131322362957, 'a': 0.0010751568938523104, 'long': 0.0009442892400820694, '<s>': 0.0008760157914639393, 'or': 0.0007667133100002209}, {'two': 0.17856180791574836, 'three': 0.17489890186607032, 'four': 0.11259340839808131, 'five': 0.07874829384798772, 'six': 0.06842727415039314, 'twenty': 0.06643274849269842, 'few': 0.064386512423492, 'ten': 0.06046486436560568, 'many': 0.05525801021115361}, {'is': 0.12023063525520288, 'well': 0.11735842487365211, 'and': 0.08539665736980781, 'are': 0.062304886069450297, 'was': 0.060980828534186376, 'be': 0.05568418389779133, 'not': 0.052805966522245264, 'regarded': 0.05193555819380426, 'such': 0.044638052089877284}, {'the': 0.24379357234443033, 'a': 0.14022678544074682, 'his': 0.10191062084444329, 'of': 0.09130792934132376, 'in': 0.061373795314799084, 'to': 0.03840801948436313, 'and': 0.033837275749349596, 'or': 0.02792031890889082, 'my': 0.021235194821030208}, {'to': 0.32623102495065326, 'will': 0.24339780572824826, 'may': 0.07389119952352978, 'shall': 0.07089570665578604, 'should': 0.06477181811665121, 'would': 0.062022930881069284, 'not': 0.052670217734871606, 'must': 0.04234558723155148, 'can': 0.03177448396786977}, {'State': 0.10815362155768503, 'city': 0.07273596579159863, 'City': 0.04968838138048191, 'county': 0.03627372835927223, 'day': 0.03603336947805825, 'state': 0.03368640207932409, 'line': 0.03140668855524776, 'side': 0.029358195491027694, 'County': 0.028245697567910663}, {'and': 0.1476473994909673, 'a': 0.12921722377616243, 'was': 0.09279168437983386, 'is': 0.08535432137105195, 'are': 0.05791453854849958, 'but': 0.05434119843596203, 'or': 0.050505527597920166, 'the': 0.0457878949961772, 'of': 0.04494258921973524}, {'he': 0.1917650966179284, 'and': 0.0811730157835592, 'I': 0.07800675791278752, 'they': 0.07709785218822515, 'who': 0.06658834230313315, 'it': 0.06204183910396418, 'she': 0.04933047089569813, 'He': 0.038874846376650514, 'that': 0.03450831347132655}, {'of': 0.13351261131400113, 'and': 0.06596050504557102, 'that': 0.036977056816085214, 'the': 0.03389258901409616, 'in': 0.026535982905960178, 'by': 0.020070637695044805, '.': 0.018555562248442976, 'to': 0.017408907602325847, 'at': 0.012666812548251739}, {'as': 0.058443257601240514, 'according': 0.04917844465247079, 'up': 0.0464097467844082, 'come': 0.046101500235352866, 'regard': 0.0414810092412731, 'came': 0.041125168529625895, 'and': 0.035639216650024355, 'reference': 0.03421654895677264, 'went': 0.03177993110795442}, {'the': 0.18104675708019932, 'a': 0.17212045126803271, 'this': 0.11813933538082406, 'such': 0.07858445668699292, 'of': 0.07015349698459734, 'his': 0.05402411521930469, 'and': 0.042016561873705005, 'same': 0.036957813450094044, 'said': 0.03300727424730381}, {'and': 0.103789128367082, 'the': 0.0976754625832334, 'to': 0.05608541457732745, 'of': 0.05137990543391365, 'was': 0.026198353771221827, 'is': 0.025592414737440023, 'will': 0.0251441885655901, 'are': 0.024108225125560902, 'be': 0.024054830333757844}, {'sum': 0.0161653430361888, 'out': 0.011087138753875033, 'amount': 0.010874436063812283, 'number': 0.01085683099149768, 'Board': 0.010500320281218112, 'day': 0.009895037655797547, 'line': 0.009699755172636314, 'county': 0.009592538350428802, 'purpose': 0.00839691649375748}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'w': 0.2585078319457515, 'and': 0.0731982083399394, 'a': 0.04594547436411199, 'was': 0.043812852429275115, 'of': 0.04346310712803601, 'is': 0.03747556080170625, 'have': 0.034581080687811454, 'to': 0.02760790048030429, 'for': 0.024360662326428383}, {'of': 0.2189249278341216, 'and': 0.16060519614660096, 'in': 0.10345586706045659, 'to': 0.09283014623375829, 'Mr.': 0.048305474779011086, 'by': 0.044016234310056836, 'the': 0.04064975400998291, 'with': 0.029487564871126137, 'Mrs.': 0.028294466461027457}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'a': 0.30615534257518695, 'the': 0.16537098985571883, 'one': 0.055719865226367425, 'his': 0.05321619164199729, 'of': 0.05029954501359371, 'on': 0.03545055866068662, 'their': 0.03433160799041885, 'and': 0.02572711216454085, 'some': 0.021165834428696965}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'it': 0.15565129641013795, 'he': 0.12489391322890277, 'It': 0.11955810748645317, 'I': 0.11046275447076408, 'there': 0.05676093814698148, 'and': 0.05641423458438695, 'He': 0.05519086810466625, 'which': 0.04447531836754515, 'she': 0.03821193104501578}, {'as': 0.12322443920517062, 'is': 0.1199735797188971, 'was': 0.11173268799350417, 'in': 0.0926901954950413, 'with': 0.08042941468790772, 'of': 0.07221647856152397, 'to': 0.06124977449219311, 'and': 0.05505111049097508, 'at': 0.054925005081633074}, {'and': 0.17644728792970713, 'the': 0.06829685465395625, 'is': 0.05758217893028573, 'was': 0.0455992800047484, 'are': 0.045071234951196464, 'to': 0.03110211799872294, 'of': 0.026383151872573472, 'an': 0.025674742350696948, 'have': 0.02544678461162125}, {'of': 0.16971330691563238, 'in': 0.0854803955886446, 'as': 0.08243326630854401, 'is': 0.08097184462694967, 'to': 0.07481118103173896, 'with': 0.06615096415578633, 'by': 0.06180832942552067, 'and': 0.05656248403684856, 'was': 0.05543822801590321}, {'all': 0.24937092572330105, 'and': 0.1599920609309017, 'the': 0.11150584609742127, 'or': 0.057775236200400724, 'of': 0.053613242382627484, 'be': 0.04492525086832211, 'is': 0.04418459328956099, 'not': 0.04014490037511291, 'much': 0.03936030544731275}, {'of': 0.2158412514278867, 'in': 0.1308612246469584, 'with': 0.08659036848711466, 'to': 0.08249741180071517, 'and': 0.07579929916346585, 'is': 0.0720404917759898, 'by': 0.06928345815717546, 'for': 0.061166242803495065, 'as': 0.05440749258537462}, {'to': 0.07773385922497719, 'and': 0.07738387688561425, 'of': 0.048619979014740716, 'for': 0.029463859339753498, 'the': 0.028324322312365213, '<s>': 0.025780753744447372, 'that': 0.02505990259836054, 'in': 0.022588793092100334, 'on': 0.021795620907730157}, {'have': 0.15600619670937563, 'he': 0.13164345623404702, 'I': 0.1043955592975893, 'has': 0.09245324560656906, 'and': 0.08482584199661955, 'who': 0.08357631496975446, 'had': 0.07717776663806199, 'be': 0.034096086637486804, 'He': 0.02964757567641617}, {'a': 0.25086025555361824, 'the': 0.2262559426370144, 'any': 0.16740581306979468, 'no': 0.06054139967753488, 'The': 0.05110296770882666, 'other': 0.050093018225946515, 'some': 0.035358033528810964, 'every': 0.03346588619118082, 'of': 0.03148136292113009}, {'the': 0.1873830439526333, 'of': 0.10165320332316363, 'to': 0.07121158975065293, 'and': 0.06239695364163807, 'in': 0.035446901840830145, 'for': 0.035173487692861834, 'be': 0.028874204567123713, 'was': 0.021018146370974093, 'is': 0.019131692790431924}, {'turned': 0.1751284410212415, 'went': 0.11674406095970527, 'was': 0.06676308827408081, 'go': 0.057223464811551356, 'all': 0.050720452321337234, 'come': 0.048579172378151354, 'is': 0.039305321408933384, 'came': 0.03528311504344192, 'and': 0.03374074342594325}, {'<s>': 0.06408205889969028, 'it.': 0.016567505244936147, 'him.': 0.01186867832434383, 'them.': 0.009706828246593694, '?': 0.007759906215866351, 'her.': 0.0069405857247152305, 'and': 0.006867566873910168, 'years.': 0.005993280631925866, 'again.': 0.005689151917975897}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.13456285395458556, 'and': 0.09576694060766333, 'is': 0.09441832535469247, 'no': 0.09117341617393433, 'any': 0.08855466791530084, 'to': 0.08244001531435946, 'was': 0.06905574960648468, 'the': 0.06650823541994488, 'that': 0.05726559606205603}, {'and': 0.09196786046644126, 'to': 0.08278839177556442, 'of': 0.07787118343588617, 'the': 0.06437228046484936, 'was': 0.04250191989065871, 'be': 0.040448351385272245, 'for': 0.0381489284259733, 'is': 0.03087774694946808, 'in': 0.029749208845732206}, {'of': 0.23682914370003275, 'in': 0.15964408918514317, 'to': 0.12547751976420235, 'and': 0.0858502746640955, 'for': 0.060220617978453544, 'with': 0.05145309966429379, 'on': 0.051064740028516825, 'from': 0.043985674067442644, 'at': 0.03937740622159783}, {'of': 0.16369095202023426, 'in': 0.09267862382344891, 'as': 0.07825342098533844, 'with': 0.07453153930779642, 'to': 0.07310040520500362, 'is': 0.06945023573431469, 'and': 0.0618810559278405, 'was': 0.05334262530244298, 'for': 0.050160986813873557}, {'and': 0.046726483887803504, '<s>': 0.043765056395578136, 'him': 0.03242396187067208, 'was': 0.029126022393704546, 'out': 0.015338006546465234, 'is': 0.014201963811477005, 'be': 0.01386816452355622, 'it': 0.01278805658013747, 'made': 0.012191717887941196}, {'and': 0.16322387540189398, 'was': 0.08112916318918063, 'is': 0.046675290314327975, 'be': 0.036392219143619974, 'made': 0.029060910294444322, 'succeeded': 0.02737744496651158, 'are': 0.02719755212593908, 'been': 0.02668377921046063, 'were': 0.023786078737043848}, {'of': 0.340515176807922, 'in': 0.15419708173051996, 'to': 0.10896011170709821, 'on': 0.07815569982709328, 'and': 0.055428140310257605, 'that': 0.052634058670116224, 'from': 0.04855394091160187, 'at': 0.039987588021354756, 'for': 0.03690380963387219}, {'manner': 0.10929122914622635, 'and': 0.051928940561453626, 'that': 0.030065683941091072, 'way': 0.01949234700731763, 'time': 0.01490834846138637, 'it': 0.013227222707666407, 'all': 0.011826895752322215, 'one': 0.01173947360133591, 'part': 0.011709023863419921}, {'the': 0.1737671602840296, 'of': 0.0921154783885121, 'and': 0.08265734324847487, 'a': 0.07297203389323471, 'to': 0.05613873837140004, 'be': 0.03568650034213872, 'was': 0.03036350117030578, 'is': 0.027324379623281797, 'in': 0.020657430751047496}, {'<s>': 0.06867680478652918, '.': 0.010726085342361209, 'it.': 0.010501353617000846, 'them.': 0.008950388589223668, 'purchaser.': 0.007378879485558898, 'year.': 0.0068734267049953635, 'week.': 0.0067955899762169635, 'time.': 0.006464090651645434, 'States.': 0.005850924023630406}, {'of': 0.14531179856132426, 'and': 0.13062165905091794, 'was': 0.09722461179593828, 'is': 0.07576329140998231, 'are': 0.06692083640999127, 'were': 0.050489554784896785, 'in': 0.04430098730497242, 'for': 0.03896708194772453, 'all': 0.02993958831292092}, {'and': 0.07111456140943417, 'demand': 0.0256852383653999, 'ready': 0.02126273132343757, 'used': 0.020447301910245644, 'time': 0.018506303219785913, 'not': 0.01420080865740985, 'vote': 0.014177945812533595, 'it': 0.01407779232818357, 'candidate': 0.01328644507450521}, {'the': 0.7381940027818127, 'The': 0.06899648464943132, 'tho': 0.0294930436971402, 'a': 0.02732211522794024, 'and': 0.025598361613950935, 'his': 0.020959242684332705, 'their': 0.020415040253041063, 'very': 0.01879403332022695, 'our': 0.017079126789309618}, {'a': 0.6265428159410565, 'the': 0.18941026200021158, 'of': 0.04059134815348695, 'The': 0.02715971422260125, 'A': 0.024809617017912105, 'in': 0.0194409487389824, 'and': 0.012852008131764492, 'to': 0.009046802213803046, 'with': 0.008530885504589667}, {'and': 0.18082802781913543, 'have': 0.14061154407478754, 'had': 0.07610800907458815, 'is': 0.07073859609653577, 'has': 0.06802706440719959, 'of': 0.0491600832241559, 'was': 0.044941877751645806, 'which': 0.04398075263931383, 'to': 0.04311804304093011}, {'a': 0.40839953297466014, 'the': 0.13105750253557558, 'of': 0.10909487302905371, 'very': 0.0509988342335768, 'and': 0.044564017549986595, 'so': 0.03710780231595695, 'with': 0.03466663169340904, 'as': 0.026539568271065034, 'in': 0.025619874757472374}, {'the': 0.18676413513205287, 'of': 0.09426101215625676, 'Mr.': 0.058771944201632724, 'The': 0.05859229244755889, 'and': 0.047418876464759396, 'that': 0.040529935185272044, 'a': 0.030321438874415407, 'this': 0.017731168796550952, 'in': 0.015871221276314785}, {'in': 0.19793846406572355, 'of': 0.1550646864189043, 'with': 0.06742685113841895, 'by': 0.05907300143072472, 'from': 0.05843791250423669, 'to': 0.056581302061459324, 'on': 0.03721131946575617, 'upon': 0.03202658710837315, 'and': 0.0313632337105628}, {'the': 0.719279801621557, 'The': 0.11509763424417307, 'a': 0.042580579980125495, 'tho': 0.031162661460936127, 'his': 0.019793109570908594, 'tbe': 0.010333845160610824, 'their': 0.009441589359232845, 'whose': 0.009321198231955078, 'of': 0.007899425668123726}, {'to': 0.5769461836388463, 'not': 0.10225278743394607, 'will': 0.07703669668753274, 'would': 0.0703182406800383, 'and': 0.05618485304753795, 'may': 0.018452722868917987, 'must': 0.016996004398085157, 'I': 0.015837296888761874, 'we': 0.013320517136100723}, {'and': 0.0834117657524544, 'connected': 0.06777167379945499, 'comply': 0.060675304998767804, 'or': 0.054994123219057396, 'connection': 0.042820551475788504, 'together': 0.041744998808193406, 'interfere': 0.037650051826878285, 'not': 0.028983428866082264, 'do': 0.02822310840720747}, {'the': 0.25760135376667037, 'of': 0.16968934232391614, 'his': 0.0986907583844322, 'their': 0.07991492427345623, 'in': 0.04551060443473434, 'this': 0.04190527572641885, 'good': 0.038803600428993064, 'a': 0.027818803286399345, 'its': 0.02369274019291436}, {'would': 0.17779945024720675, 'to': 0.13384596995467807, 'who': 0.09657872772678129, 'they': 0.0801186691780261, 'I': 0.07157673832643867, 'which': 0.06175441121608197, 'must': 0.053300013979569974, 'might': 0.04794046605735594, 'shall': 0.04304524252072327}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.1804435058124581, 'of': 0.08964981171251785, 'and': 0.07796336471958432, 'a': 0.04240129500053345, 'that': 0.041934133964904585, 'The': 0.028662501582764493, 'in': 0.027988900498843387, 'no': 0.024394619839738462, 'Mr.': 0.024076003649587452}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'was': 0.23833014928000176, 'is': 0.15135142381959285, 'had': 0.11749755779752605, 'have': 0.09811111358616384, 'has': 0.08586596253734327, 'and': 0.043722910266052906, 'not': 0.042716437265009725, 'be': 0.041341511569869024, 'been': 0.03468858098121899}, {'went': 0.1442108218253317, 'come': 0.14103495742104763, 'go': 0.14040903933449878, 'came': 0.13048178929907306, 'brought': 0.06591341629431717, 'get': 0.05659868115330385, 'sent': 0.04531947200089892, 'way': 0.04480364960221674, 'them': 0.043084456753477815}, {'and': 0.08540691225803779, 'able': 0.05662724913628365, 'order': 0.052630248627469525, 'him': 0.04712503993370301, 'necessary': 0.042406864250149154, 'unable': 0.0373968047501333, 'enough': 0.03460304326928417, 'is': 0.03382592172800787, 'them': 0.03312456031810154}, {'the': 0.8755797476116282, 'tho': 0.04709379215320982, 'The': 0.020130963601019455, 'tbe': 0.01466804709372005, 'of': 0.010574165244503995, 'and': 0.002871685914133983, 'by': 0.0026580039900888745, 'a': 0.0025945275519880817, 'tlie': 0.0017743175034829254}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'be': 0.2564891173323741, 'was': 0.14855551589597987, 'and': 0.1343006479189755, 'been': 0.10288884168225214, 'is': 0.0809940559900635, 'were': 0.050499661308664096, 'are': 0.04514634540287727, 'being': 0.0331018419015872, 'he': 0.027913555886451884}, {'to': 0.44021483955019647, 'and': 0.20989875991764517, 'will': 0.04435120423130461, 'not': 0.04073150695416197, 'or': 0.028080309604171825, 'I': 0.02416027860109482, 'that': 0.019441364643309922, 'the': 0.01907234838021977, 'we': 0.01899551087453858}, {'the': 0.305188420958482, 'a': 0.11431856363197389, 'motor': 0.08680318278964655, 'this': 0.06856823600992759, 'their': 0.06753354550494606, 'The': 0.06729986996969924, 'his': 0.040830467970995245, 'our': 0.04011798335526527, 'such': 0.03394066510776555}, {'to': 0.554527043193647, 'will': 0.14158076456628124, 'would': 0.05707005067752446, 'the': 0.04652154839105335, 'shall': 0.03310728242788254, 'should': 0.02397475388008033, 'and': 0.02074104088804666, 'this': 0.019074987755855297, 'not': 0.0164316680654172}, {'part': 0.06565764573312145, 'one': 0.043272040206022266, 'side': 0.04106118232593856, 'portion': 0.021167565889080968, 'payment': 0.017497095502254877, 'parts': 0.01562917276321875, 'members': 0.015043089098491723, 'that': 0.0149791421471793, 'and': 0.014163233320992384}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'the': 0.43792101542622147, 'of': 0.11138550844805584, 'The': 0.08297037413771878, 'and': 0.05653994072881068, 'by': 0.03226095095774131, 'that': 0.03136135408891842, 'his': 0.02635559543043752, 'tho': 0.025004442279018067, 'their': 0.016007787307593634}, {'he': 0.23090464784975254, 'and': 0.08320521138152907, 'it': 0.062095149496174, 'who': 0.045440833546639706, 'It': 0.044393117866678176, 'she': 0.03590078391098859, 'that': 0.0357473559124439, 'man': 0.031162225449289174, 'which': 0.0309859650068232}, {'of': 0.428015224963765, 'to': 0.11802535433525857, 'in': 0.08541152673583778, 'on': 0.05927994809324582, 'by': 0.059090691775250406, 'and': 0.050915671243402245, 'from': 0.0419998935717051, 'for': 0.035555963865838085, 'that': 0.032576449894462546}, {'to': 0.2599642229774165, 'will': 0.17642930046630464, 'may': 0.11083876020358174, 'would': 0.08232054934053643, 'should': 0.07534607659106417, 'can': 0.0688584403988885, 'not': 0.05737229881825216, 'must': 0.05661231620160071, 'could': 0.052475620824023704}, {'the': 0.6910711285111751, 'first': 0.053186005657578576, 'a': 0.041726654146487796, 'tho': 0.036408588014009105, 'The': 0.024985379131473397, 'second': 0.024263807411784192, 'third': 0.01649376954772513, 'upper': 0.016382090876956294, 'tbe': 0.015027942939959795}, {'<s>': 0.04422884435481412, 'it.': 0.027573535006811305, 'them.': 0.019871722011885928, 'him.': 0.01610041219532793, 'time.': 0.012760041527792783, 'country.': 0.010114891580823845, 'years.': 0.01002804437669437, 'year.': 0.009601648069624222, 'day.': 0.008945718084612277}, {'of': 0.4367430557057409, 'in': 0.11621290092562929, 'to': 0.1072323133254462, 'on': 0.07560675463884968, 'by': 0.0629272353206639, 'from': 0.04357861268236857, 'at': 0.0295129284608331, 'and': 0.027310921128481155, 'In': 0.022232150487827895}, {'of': 0.3023363764477131, 'in': 0.09419652554709729, 'to': 0.07845747451659535, 'after': 0.06499226142271769, 'for': 0.06383589963212617, 'and': 0.053392537997249495, 'on': 0.04860241871813292, 'from': 0.04224266613472243, 'by': 0.04206803663147225}, {'and': 0.11940589831466862, 'as': 0.10997099398212633, 'that': 0.08981380736372163, 'when': 0.0764116483380504, 'When': 0.04482000927259915, 'but': 0.04093239044216864, 'which': 0.03845517125497173, 'what': 0.02292449415271754, 'As': 0.02281968554379451}, {'and': 0.133369604033904, 'made': 0.11163658249578004, 'secured': 0.042944279736195745, 'or': 0.04041569777670594, 'that': 0.03350788490755, 'ed': 0.02579134799689174, 'up': 0.02486278140650042, 'followed': 0.022444035492249485, 'caused': 0.02228716745876507}, {'to': 0.1695684418061443, 'for': 0.10480437707227142, 'of': 0.0840509329650169, 'and': 0.06580511337000161, 'with': 0.050492408233565024, 'have': 0.04403457331600643, 'that': 0.04007247301943671, 'had': 0.037422691923186084, 'from': 0.03370157297254877}, {'the': 0.18692084852425858, 'and': 0.1509948252410887, 'of': 0.10875027202793366, 'to': 0.03691964940525246, 'in': 0.03633416353066901, 'or': 0.03209953749610735, 'all': 0.029787614126691297, 'their': 0.022346690347023395, 'a': 0.021366426473273428}, {'a': 0.28435028316363, 'this': 0.23834977255872414, 'the': 0.20609037989370904, 'that': 0.07748241333397653, 'to': 0.037068756431339514, 'in': 0.023775680357646684, 'any': 0.019163228262463243, 'which': 0.017552351882370414, 'one': 0.016687785882181946}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'and': 0.09950757342963426, 'was': 0.056761690732334634, 'succeeded': 0.046545231605952336, 'is': 0.04493188407092279, 'be': 0.041707794558926134, 'are': 0.03137605391779477, 'made': 0.029238692376483084, 'that': 0.02900918888562745, 'it': 0.028151032671427694}, {'re-': 0.14520639649794181, 'he': 0.12174810464885201, 'and': 0.10222320154498057, 'be': 0.1019973747262256, 'was': 0.061003591553506514, 'He': 0.04606167437855162, 'I': 0.04257877798440611, 'who': 0.036316022219380684, 'have': 0.029911690759978942}, {'the': 0.16994846357465584, 'of': 0.11897068694274716, 'and': 0.06322674734061179, 'a': 0.04043950895883119, 'Mr.': 0.02926194498387448, 'to': 0.024334880799693495, 'The': 0.022532793765696307, 'in': 0.0213700707072004, 'that': 0.014875102007446855}, {'of': 0.3001405290459869, 'in': 0.11795372327483274, 'for': 0.10552612789117025, 'to': 0.09863373579603917, 'by': 0.0704594186569404, 'and': 0.058570785546405164, 'that': 0.058176030655332375, 'In': 0.057649672811373835, 'from': 0.05123569735601296}, {'well': 0.12861105478714124, 'known': 0.11056901308738208, 'soon': 0.10265345104878522, 'far': 0.08113948490760056, 'and': 0.06324672230498624, 'long': 0.03717583764638481, 'such': 0.02924921957793252, 'just': 0.02412525568479837, 'much': 0.020403672152392097}, {'for': 0.5133143809144329, 'of': 0.18454336336550764, 'to': 0.06929793093060303, 'in': 0.050628502273326055, 'at': 0.029033663780197113, 'that': 0.02380511548527635, 'by': 0.022973320765563757, 'and': 0.02229889331876417, 'during': 0.018120757954295814}, {'one': 0.12897392021378185, 'out': 0.07664784689118985, 'part': 0.06409373140028574, 'some': 0.05584305533119319, 'time': 0.03914926290286854, 'account': 0.035845171248451206, 'all': 0.032057463924492914, 'and': 0.027873419781873014, 'that': 0.02728087135118937}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.28111575525509114, 'of': 0.1137780383022947, 'and': 0.08526867740326473, 'a': 0.07649411243441026, 'in': 0.03753053992172388, 'to': 0.03612606854112658, 'with': 0.023636902657647094, 'his': 0.019690366962827048, 'The': 0.0180279852951362}, {'in': 0.6534489749843375, 'In': 0.17479376941562455, 'the': 0.04458984006308025, 'a': 0.02393305814889115, 'of': 0.018795186632331002, 'this': 0.01800910287873188, 'iu': 0.010785641345645604, 'his': 0.010745522767464962, 'their': 0.0070123418867048554}, {'in': 0.019448498902264716, 'up': 0.01716110968205773, ';': 0.011113534014085272, 'him,': 0.010082191754918875, 'him': 0.008136089429776979, 'it,': 0.008066064650367405, 'them,': 0.0066006518334817245, 'up,': 0.0062945068791858535, ',': 0.006041113498939607}, {'a': 0.13296902620324424, 'of': 0.10676712053343326, 'the': 0.09852400222934551, 'young': 0.07854572728887446, 'good': 0.051285837137765855, 'one': 0.05024794254868321, 'white': 0.04593519469049327, 'great': 0.03704934285656974, 'to': 0.03677838188074536}, {'and': 0.06185153625923303, 'up': 0.029251599745668884, 'filled': 0.02766318759782446, 'do': 0.025225010916838618, 'it': 0.024983423024425536, 'him': 0.022068534211364517, 'covered': 0.01875338859840592, 'charged': 0.01818971095659033, 'made': 0.015722317259381644}, {'and': 0.07688749805775105, 'time': 0.029749384047884308, 'reason': 0.021840713097952383, 'provided': 0.01674187347542677, 'that': 0.012077364390509672, 'day': 0.011708574709685787, 'it': 0.009893926556349934, 'money': 0.00957732571929537, 'way': 0.009560649320990077}, {'of': 0.311028131267346, 'to': 0.12041132721885756, 'for': 0.09105840194309697, 'in': 0.07717872001321613, 'and': 0.06438770660953938, 'at': 0.061707278983013564, 'on': 0.0590167220629533, 'by': 0.04780230176217531, 'with': 0.04631013806731612}, {'<s>': 0.09707965533860363, 'it.': 0.01606133805835915, '.': 0.012302611615398222, 'him.': 0.009862308805248661, 'them.': 0.009151051952085414, 'Mr.': 0.007939069275628338, 'time.': 0.007058936889022634, 'day.': 0.005862620799596029, 'water.': 0.005149418117302258}, {'of': 0.40088060880883164, 'in': 0.09397973180560229, 'for': 0.07142605051463924, 'by': 0.06608820925997552, 'that': 0.06601563824722732, 'and': 0.06524989498607728, 'to': 0.06042708584030822, 'all': 0.051145177334525456, 'any': 0.048051602319681454}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.5774452202000346, 'a': 0.07831340750153518, 'tho': 0.03559024785164595, 'of': 0.033023413053666725, 'The': 0.030344575825761808, 'to': 0.0278897769402439, 'stock': 0.02685451033167304, 'and': 0.02655986904053628, 'this': 0.024612533139107117}, {'the': 0.11284096950140285, 'of': 0.06456892504654034, 'to': 0.06049363424941289, 'a': 0.05554172220407496, 'and': 0.054276655249127025, 'in': 0.032056102918440126, 'by': 0.024419789827088888, '<s>': 0.023171341980177944, 'or': 0.02212008088787108}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.16651578038827003, 'and': 0.12125640059596571, 'his': 0.10948518997750518, 'good': 0.10820587686352746, 'their': 0.09749804497578533, 'of': 0.0829890476646577, 'abiding': 0.06900559500225499, 'a': 0.05898442650538219, 'no': 0.05081449670832944}, {'the': 0.11782063880968073, 'of': 0.09839265531101091, 'and': 0.08632972840687214, 'to': 0.032064619182187004, 'a': 0.027336461311155285, '.': 0.01753634619920492, 'by': 0.016558657776819002, 'in': 0.016238605636974428, '<s>': 0.015276395098915969}, {'the': 0.11662162438895472, 'of': 0.08510772891872619, 'and': 0.0749308918450228, 'a': 0.05027090809541287, 'to': 0.044579509927247796, 'be': 0.03493674646348542, 'in': 0.034010718862884565, 'was': 0.032497593919047184, 'is': 0.018566250331332107}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.6650773388028517, 'this': 0.08489701867510757, 'tho': 0.03797111410560819, 'The': 0.028099886620191476, 'York': 0.02646191649733098, 'said': 0.018659489153179314, 'a': 0.01762743075574639, 'that': 0.016052930574684855, 'tbe': 0.013962679394767044}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.1646339242649502, 'and': 0.11343048111633207, 'to': 0.08739698899716188, 'the': 0.07860964696329056, 'by': 0.07642060344661354, 'in': 0.04129066545469092, 'that': 0.03362144199603353, 'at': 0.0300355251599491, '<s>': 0.02736525041914284}, {'to': 0.19991703515976234, 'the': 0.15872436351444735, 'and': 0.15280848890338783, 'was': 0.04575755995989797, 'a': 0.041216127663166784, 'be': 0.040215621176793837, 'of': 0.03726056026748748, 'is': 0.027101791759619093, 'are': 0.02528137846326619}, {'the': 0.3428400594937175, 'a': 0.11343437054642386, 'of': 0.09298611218471696, 'and': 0.04713160136005856, 'in': 0.03233807813111807, 'The': 0.026272775082159017, 'tho': 0.024384688864187806, 'at': 0.022846594385781654, 'to': 0.021651410246079666}, {'the': 0.34031313759675524, 'a': 0.13943477548063865, 'and': 0.11418472824337754, 'in': 0.06126001975968537, 'of': 0.06043737407829226, 'be': 0.03363665697136753, 'to': 0.03320683188094688, 'The': 0.02121699795642117, 'tho': 0.021101095115082767}, {'the': 0.5234215531526503, 'of': 0.09972470073905369, 'and': 0.056415488825546097, 'The': 0.03727992645728812, 'tho': 0.03231986930218687, 'in': 0.030032040513202223, 'on': 0.02288993362196637, 'that': 0.019196735614851624, 'a': 0.017568432303473137}, {'that': 0.2068718363823477, 'as': 0.13927181368455663, 'and': 0.13471963847721788, 'which': 0.09212704684406421, 'when': 0.07223353111908443, 'what': 0.04121645384183154, 'but': 0.03976958626499972, 'if': 0.03723626846005215, 'where': 0.034530377484549436}, {'in': 0.31854747503697844, 'In': 0.10153882559950293, 'is': 0.09934340952145189, 'such': 0.09145326302834869, 'of': 0.09000104556671498, 'as': 0.07683963092765884, 'was': 0.05400659243297981, 'with': 0.04228118168691603, 'for': 0.03636813582584287}, {'the': 0.28050990907787365, 'a': 0.21708585315683146, 'and': 0.12151897663605056, 'in': 0.0485995368629364, 'of': 0.04547361988110861, 'to': 0.02414164550250845, 'any': 0.023956139799624205, 'The': 0.01968439485926401, 'with': 0.017942773430934384}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.5351233156503481, 'in': 0.09167764226446636, 'at': 0.07725146029126137, 'to': 0.04974556979147393, 'from': 0.03549073477300718, 'for': 0.027780534464549613, 'In': 0.02380591361956946, 'and': 0.016821265135591023, 'by': 0.014564881587641588}, {'the': 0.5952221756308437, 'and': 0.06369994961810707, 'The': 0.04390871334069679, 'a': 0.04370784962212865, 'tho': 0.034580453832756146, 'or': 0.021789464232169813, 'of': 0.019629636300079585, 'de-': 0.01611511139631399, 'tbe': 0.0128071144657764}, {'and': 0.10756489076579633, 'was': 0.04955677660732506, 'be': 0.038969081403587215, 'made': 0.03281312725897945, 'that': 0.029373624712178015, 'up': 0.02887414888129379, 'is': 0.027939271798627624, 'are': 0.027242625904095687, 'been': 0.025588245139515194}, {'and': 0.2568108067038271, 'to': 0.1587602414657424, 'of': 0.095411282589318, 'be': 0.0776761070580454, 'was': 0.06427931996522764, 'is': 0.05573319530530606, 'or': 0.054587170417666496, 'not': 0.04957755789983551, 'by': 0.04201556196321602}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'the': 0.3218077438036348, 'and': 0.06712848158731798, 'of': 0.059205087993673806, 'The': 0.055693877325304855, 'a': 0.03843401718433052, 'that': 0.02333896460917994, 'tho': 0.018386806643315937, 'his': 0.014617607676861445, 'in': 0.012555086063580034}, {'and': 0.16033181915278139, 'is': 0.0724789089096777, 'was': 0.07122308789740373, 'it': 0.0436762474496058, 'that': 0.034730373706959236, 'are': 0.03256664159625259, 'be': 0.02848446119556703, 'found': 0.02815434955568844, 'or': 0.02684108964666551}, {'the': 0.24391457097497246, 'a': 0.07315591901112312, 'to': 0.053058962731296594, 'this': 0.05261297590093406, 'and': 0.04430014496179163, 'of': 0.03237467328376557, 'The': 0.021541562876369314, 'who': 0.018903624600611166, 'tho': 0.017850184525707326}, {'and': 0.07973737622646827, 'as': 0.07870562363988406, 'order': 0.07099130997922823, 'able': 0.0654786121397701, 'is': 0.05622494900494157, 'enough': 0.053354612947405414, 'necessary': 0.049493529534653316, 'him': 0.04227110212642608, 'was': 0.03856091228189779}, {'the': 0.4623777320132065, 'The': 0.1203062788049155, 'a': 0.08332975085636211, 'and': 0.06314879322394795, 'of': 0.05693733080965599, 'this': 0.050898797898104975, 'tho': 0.0242110270208277, 'his': 0.02319131487337765, 'our': 0.020813327912712426}, {'Section': 0.20252747961576104, 'Sec.': 0.18571395919818526, 'No.': 0.057467025808074904, 'March': 0.05058593015447635, 'April': 0.04222454401507372, 'June': 0.02946584559739178, 'May': 0.0274032092275475, 'July': 0.026419350150762036, '.': 0.025293347636522134}, {'to': 0.22429878197963757, 'I': 0.14638947571720565, 'not': 0.12822027000084724, 'we': 0.10251824422602045, 'you': 0.10038176139790397, 'they': 0.06358905215071589, 'We': 0.05042826308304707, 'who': 0.044531369058507506, 'and': 0.04084839599696815}, {'to': 0.3256793076394138, 'and': 0.26479250100100304, 'not': 0.03705768646210716, 'will': 0.03438013531676028, 'that': 0.028945593894275562, 'I': 0.0289032840334151, 'would': 0.024702080355286402, 'who': 0.019627128296208628, 'which': 0.019423146414688522}, {'the': 0.3661383369606681, 'of': 0.15379302731866726, 'a': 0.0926149255408861, 'an': 0.08153880473400904, 'at': 0.06801452493154614, 'and': 0.06625912471144721, 'in': 0.04247690068938195, 'from': 0.02730663769049104, 'for': 0.026233577265472787}, {'and': 0.17420145617437222, 'to': 0.09608578468215359, 'of': 0.043415344134103764, 'which': 0.04264088382555472, 're-': 0.035759792206605384, 'that': 0.034231542375981715, 'for': 0.02958503627677633, 'or': 0.028934059094415, 'not': 0.027637299291026162}, {'and': 0.2050405241851558, 'he': 0.16837875225749985, 'I': 0.09521585748810757, 'He': 0.08358012704178602, 'who': 0.06366550703476137, 'which': 0.06336659675785213, 'she': 0.04987053770614543, 'that': 0.04120623389765147, 'it': 0.040811973564204906}, {'the': 0.375225586244864, 'of': 0.145889631804797, 'an': 0.06342729371953641, 'a': 0.06338514467665711, 'and': 0.05715489788092195, 'The': 0.05341225285014648, 'to': 0.029351544421997843, 'tho': 0.02337500011861984, 'in': 0.02231940135762158}, {'of': 0.33783210851785483, 'to': 0.1643749696411928, 'in': 0.09152740583426011, 'and': 0.0758745252802897, 'by': 0.058796472786611785, 'for': 0.054656880259859604, 'that': 0.04527649392162592, 'from': 0.044232260206766294, 'on': 0.03654724821089954}, {'of': 0.16246960044445716, 'is': 0.1478935052608697, 'was': 0.12138276240027224, 'in': 0.0868135737012083, 'with': 0.0863446161194735, 'and': 0.07712879291749639, 'to': 0.07560101529213192, 'for': 0.055196310063744564, 'as': 0.0530820997748085}, {'and': 0.19807127923305706, 'the': 0.14573613424145668, 'a': 0.09436786824290493, 'to': 0.0673054062709557, 'of': 0.05631083610236482, 'or': 0.026224587770558944, 'that': 0.020116421090699856, 'with': 0.020073127518196454, 'by': 0.019136318003078266}, {'an': 0.2869093196079248, 'the': 0.25083541364493356, 'a': 0.11343694483940009, 'and': 0.08178584162328696, 'of': 0.05407355609446535, 'his': 0.04538576203941361, 'their': 0.04461611260706593, 'its': 0.032486238511286195, 'her': 0.018361022586138465}, {'the': 0.12129240621109665, 'a': 0.1189814643802058, 'or': 0.10420482255847865, 'and': 0.10141107920647463, 'no': 0.0785378029132759, 'much': 0.06765555692786586, 'of': 0.05815629053314009, 'is': 0.046160507669847965, 'be': 0.03397229317805042}, {'a': 0.4876917117157165, 'and': 0.060974329240874967, 'the': 0.054041141020443675, 'to': 0.05276734899457394, 'is': 0.03793712131625717, 'be': 0.03661772815247254, 'very': 0.03502851354907847, 'with': 0.029969461503607735, 'of': 0.02807978398830259}, {'not': 0.20920175580335382, 'will': 0.18067316420066665, 'and': 0.17621082256123338, 'would': 0.055834946087547896, 'may': 0.03571312251470061, 'do': 0.035513151483005094, 'as': 0.03427393583165652, 'can': 0.03404298726298607, 'And': 0.029145078103597913}, {'number': 0.1015380598048057, 'line': 0.03541957079460921, 'part': 0.02994133504280911, 'amount': 0.02812532416542967, 'out': 0.02569419354316346, 'board': 0.022837270770078882, 'matter': 0.0226935661180918, 'men': 0.022594243184090354, 'kind': 0.022493001581340256}, {'be': 0.3133035711594142, 'been': 0.1300948050381753, 'was': 0.09795830851976262, 'were': 0.07345156062833753, 'and': 0.053273632088268, 'are': 0.04399077913209012, 'had': 0.04241310869195305, 'has': 0.03744034508835934, 'have': 0.03642337765336451}, {'of': 0.31947315697197587, 'in': 0.1779138448291908, 'to': 0.11984785569844922, 'on': 0.08719722668511513, 'by': 0.058202559789220426, 'In': 0.044225925226750736, 'from': 0.04413286990001778, 'and': 0.03665369368980705, 'that': 0.03466165172195835}, {'as': 0.07621203278015234, 'and': 0.06322746835419753, 'is': 0.05291931604477245, 'it': 0.04493504874446913, 'him': 0.044438556536025596, 'time': 0.03962622682922339, 'them': 0.03648657852505929, 'subject': 0.03399543980792084, 'right': 0.03358888569804923}, {'and': 0.13884027519287284, 'w': 0.09391743413285478, 'the': 0.07723985716926937, 'his': 0.07187570862628065, 'to': 0.06390568852975843, 't': 0.037759851656149715, 'her': 0.024571690498402694, 'who': 0.0237836676527227, 'I': 0.022897893661994802}, {'of': 0.3005171080958539, 'to': 0.1931237540819145, 'on': 0.11145537715328467, 'in': 0.09178056052579583, 'and': 0.04952187369499116, 'from': 0.04934804080792764, 'that': 0.045618041863355246, 'by': 0.0452141870045154, 'with': 0.040155625322588116}, {'the': 0.3324333722162185, 'a': 0.1389920063071308, 'of': 0.1254838368191671, 'said': 0.0777093909439496, 'and': 0.06028085388076548, 'for': 0.03519693056714623, 'The': 0.03439820552681247, 'tho': 0.026127792800029862, 'that': 0.025445512311409492}, {'the': 0.17590064662434113, 'and': 0.11502558235360785, 'of': 0.07675341975319117, 'a': 0.04641915016494566, 'to': 0.03911118024231294, 'that': 0.027969385682066857, 'The': 0.02778089437719121, 'Mr.': 0.027386798840513434, 'or': 0.027057555531000605}, {';': 0.0276935221925075, 'it,': 0.01897803368236005, 'them,': 0.015156169900964465, 'in': 0.013311417601335942, 'him': 0.009631726332368872, 'up': 0.009359841300105991, 'you': 0.009227264893549846, 'it': 0.009088425472585149, 'and': 0.009085956065405751}, {'filled': 0.06706658656756476, 'covered': 0.048495221312689005, 'and': 0.047240627571235844, 'together': 0.03164683670402954, 'it': 0.028659564102273473, 'trimmed': 0.02111126924691015, 'them': 0.020408627038910315, 'him': 0.02019331184198222, 'lined': 0.018887508341396526}, {'of': 0.2058836890218368, 'the': 0.17083446843254863, 'in': 0.05823919966947463, 'a': 0.057605393776611676, 'to': 0.05125115996392906, 'and': 0.0471802747858515, 'for': 0.04008668434089394, 'some': 0.021615901638027266, 'that': 0.015981945791209484}, {'to': 0.4698313810335494, 'I': 0.07620650671512001, 'and': 0.07259611951440996, 'will': 0.07223195809715946, 'not': 0.0409004243749467, 'you': 0.03758845582371838, 'would': 0.03452945087763357, 'we': 0.03447022445674702, 'they': 0.02984520894368099}, {'and': 0.10581350236310423, 'looked': 0.06497283023963075, 'look': 0.05291934616571089, 'him': 0.05021108362455047, 'was': 0.048975262976663006, 'died': 0.03759021155884352, 'it': 0.03173265746275146, 'held': 0.02884001077133288, 'up': 0.027521606737664208}, {'the': 0.661211276220662, 'The': 0.049778715950206796, 'tho': 0.03806423364096248, 'and': 0.03696387429950446, 'a': 0.024854823916833937, 'in': 0.021335531536735043, 'of': 0.01992615317043669, 'tbe': 0.018235511589575225, 'all': 0.017769082625128843}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.25031473068819976, 'of': 0.14831331184974283, 'and': 0.045290560100094794, 'for': 0.03226586826707104, 'to': 0.02960278845197447, 'in': 0.026634264984374767, 'more': 0.02663174063709742, 'all': 0.023779251894253724, 'their': 0.023212083631868802}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.10615802917934082, 'it': 0.055037106852405177, 'pain': 0.048991940339928645, 'was': 0.02986246437896903, 'him': 0.028380833350027224, 'not': 0.028338898300097552, 'that': 0.027560478815014, 'up': 0.025353319059027848, 'is': 0.024407192222027693}, {'of': 0.24045848023153107, 'in': 0.11853943805894515, 'to': 0.11487368713857893, 'for': 0.07637641815966091, 'and': 0.06876932880504079, 'with': 0.06005178008720892, 'on': 0.04738378429140317, 'from': 0.04069130234169139, 'by': 0.03618077933950323}, {'of': 0.4429639594358877, 'to': 0.12734096846591098, 'in': 0.09418023084369669, 'from': 0.043404878439699666, 'by': 0.042801590782648155, 'on': 0.035254322941349864, 'that': 0.03501901640810607, 'and': 0.034311667386459424, 'with': 0.03377678541748057}, {'number': 0.10951714821090348, 'out': 0.08646337746908599, 'plenty': 0.08303305805839922, 'amount': 0.07762499840587096, 'matter': 0.06550031244929021, 'lack': 0.05297437651964472, 'kind': 0.042960084328326376, 'deal': 0.03950433800988491, 'right': 0.037758491870381695}, {'in': 0.02039273175888373, 'highest': 0.018822798930021308, 'largest': 0.017900935321539385, 'it': 0.01674832318496135, 'time': 0.014092017293818225, ';': 0.01120888874719164, 'made': 0.01023986805981435, 'law': 0.009883403812508003, 'him': 0.009164097671718361}, {'one': 0.15874352736355854, 'two': 0.12769349279077907, 'hundred': 0.1232169865871982, 'a': 0.0999671976310619, 'three': 0.09853661946769163, 'five': 0.09704921522601447, 'fifty': 0.09254256324523157, 'ten': 0.08040304556673593, 'four': 0.05207125185941902}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'a': 0.38539617076177884, 'the': 0.31327564891528586, 'his': 0.06512542870970668, 'this': 0.04286877506095765, 'their': 0.026970625699565126, 'and': 0.025053375134498835, 'The': 0.022912282084662842, 'said': 0.02049324445682953, 'her': 0.019017566369329483}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.1401854199481486, 'of': 0.10665066128569842, 'and': 0.04576563827893338, 'The': 0.04423774849708722, 'Mr.': 0.04393024730769933, 'that': 0.04240013176179786, 'in': 0.04020267596778136, 'Mrs.': 0.025444262989284292, 'which': 0.024017029605201218}, {'and': 0.1274424238403783, 'to': 0.07155580018893823, 'of': 0.05371056580437829, 'the': 0.036135054830403336, 'which': 0.025507268332199313, '<s>': 0.024259344359171955, 're-': 0.023697297297959104, 'in': 0.023008153074842563, 'that': 0.022512290011799264}, {'of': 0.5050262039520363, 'in': 0.07914514389587728, 'by': 0.06888465544687049, 'for': 0.05876547188974551, 'and': 0.05874830052366728, 'to': 0.056897836531623364, 'that': 0.03300616540072398, 'with': 0.032771543941719834, 'from': 0.02392330994819955}, {'the': 0.638624463762942, 'and': 0.08366082441016258, 'The': 0.053065854183904755, 'tho': 0.03960981663079091, 'in': 0.03090123783738051, 'a': 0.023931796673617684, 'great': 0.022858615323735714, 'of': 0.02036306044505562, 'his': 0.014940809051044978}, {'it': 0.22356545286748125, 'It': 0.13251301168168386, 'which': 0.06652172636122497, 'he': 0.056828979411545875, 'there': 0.05369245376065637, 'and': 0.0521789609884137, 'that': 0.051738646822740444, 'who': 0.04009284206212165, 'There': 0.022389268828748112}, {'in': 0.2554479366355318, 'of': 0.18130057929909493, 'at': 0.11157085662225877, 'to': 0.07904552140116546, 'without': 0.06444742981598177, 'or': 0.062071780333508235, 'from': 0.05943526205333809, 'by': 0.053222077786183555, 'for': 0.04829242234416706}, {'to': 0.23320625081334362, 'for': 0.10334323640790331, 'of': 0.08846596703462806, 'with': 0.06946308737470237, 'upon': 0.06040323362438338, 'against': 0.058027491698316384, 'by': 0.04256487543546726, 'on': 0.034020063552591656, 'at': 0.028199886733907328}, {'as': 0.20899524303246042, 'that': 0.1927815174639258, 'if': 0.11913253307447837, 'and': 0.08922187994243175, 'when': 0.05140636564062114, 'which': 0.04278712775229152, 'but': 0.040636852970492174, 'until': 0.027111386673020915, 'for': 0.02553689848006864}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'the': 0.6241971276166175, 'a': 0.12797041420581662, 'The': 0.03806042166487233, 'tho': 0.03325609717181634, 'in': 0.02567065361477709, 'cardinal': 0.017574835445843102, 'fundamental': 0.01657766949810075, 'every': 0.014566395481065454, 'this': 0.013000947680787826}, {'to': 0.260150346066562, 'I': 0.21328287509754987, 'we': 0.10528759490654745, 'and': 0.0625446291972919, 'they': 0.06108499964406186, 'who': 0.056744365229233845, 'not': 0.04222200445278877, 'We': 0.039698253199166124, 'will': 0.028410577564747477}, {'a': 0.18537691741692702, 'the': 0.12936061821183018, 'of': 0.10589964505878555, 'to': 0.04826503459279891, 'at': 0.04544118176581514, 'and': 0.034997186212886264, 'in': 0.03061739223988253, 'on': 0.03025126304220159, 'by': 0.021400449358086167}, {'number': 0.09542641059540125, 'place': 0.07817163313021604, 'out': 0.04795938918570829, 'thousands': 0.04041510468482756, 'amount': 0.03805130161864544, 'point': 0.03290674916978784, 'mound': 0.03239025318404122, 'line': 0.03178331346022029, 'day': 0.029950672993523945}, {'I': 0.3527950939572312, 'to': 0.14486870962259046, 'and': 0.08556848176843698, 'you': 0.06068444134606255, 'not': 0.059635602318211585, 'we': 0.043610925312031264, 'We': 0.0320866808683633, 'but': 0.03052002265683971, '1': 0.02989916926592226}, {'the': 0.18661680010278714, 'of': 0.13859764054053605, 'and': 0.07335019016230905, 'a': 0.05494436772921211, 'to': 0.053415033064953356, 'be': 0.04822901224060068, 'in': 0.03206715104658127, 'for': 0.028225088042469478, 'their': 0.02739971087179803}, {'of': 0.33852638444518607, 'in': 0.15778307310728187, 'to': 0.11359452624351708, 'for': 0.05676563116696967, 'and': 0.0560841861044981, 'with': 0.054917999591483184, 'by': 0.0541686720209319, 'from': 0.0419130639532635, 'is': 0.03358463225552285}, {'of': 0.14107109450995844, 'that': 0.10822192090268332, 'and': 0.1012494816605109, 'to': 0.09401992191903395, 'by': 0.06919919554649007, 'for': 0.02448676185559877, 'with': 0.020874107587016563, 'said': 0.01835655102413032, 'which': 0.017398681751576554}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.23931454778424324, 'of': 0.12521566833174086, 'and': 0.08248639999637948, 'a': 0.07601883248984374, 'in': 0.022055941216950765, 'to': 0.019274090537492655, 'or': 0.017712219588990254, 'The': 0.017414931862003668, 'tho': 0.015369401914094733}, {'and': 0.13342696053855135, 'was': 0.06508052149557739, 'is': 0.061203805062005574, 'are': 0.03747336920330873, 'be': 0.031876207253137515, 'it': 0.025066145945089286, 'that': 0.02415321970319959, 'been': 0.022993725733248448, 'succeeded': 0.022638014480604183}, {'of': 0.3580483602378776, 'to': 0.09372574780037427, 'make': 0.08981966375614789, 'for': 0.08828669142183282, 'with': 0.08263171884958591, 'upon': 0.04173891854995461, 'give': 0.0395398072209152, 'by': 0.038497078730565695, 'in': 0.029510306565697916}, {'more': 0.051632625807602126, 'person': 0.03424743865690026, 'one': 0.03413919332748472, 'law': 0.02343657442682569, 'man': 0.01701590372070189, 'action': 0.01671961619744503, 'debt': 0.014045941420428677, 'right': 0.012659654868661703, 'time': 0.012084715109535597}, {'the': 0.5266962874696369, 'of': 0.07629993792511222, 'a': 0.06464487982399818, 'by': 0.05060591999525749, 'The': 0.03307559264884912, 'tho': 0.028016211013675883, 'in': 0.025275140382859825, 'first': 0.021398609888224687, 'and': 0.017551126085590844}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.12741825262449819, 'and': 0.09413837758272027, 'to': 0.07048750159080519, 'of': 0.06041587441483666, 'so': 0.033875116864379586, 'is': 0.029715395826429222, 'be': 0.022896097463265427, 'he': 0.020482676662821747, 'was': 0.01847852780811592}, {'<s>': 0.04457420397169746, 'him.': 0.03453384477402709, 'it.': 0.021619685743191563, 'them.': 0.014750031351756543, 'time.': 0.013916596001996196, 'life.': 0.010811414991364007, '.': 0.01029143449749708, 'years.': 0.010211900156064728, 'man.': 0.00938265900621236}, {'and': 0.08367938373106967, 'him': 0.06500751886721072, 'want': 0.06132667427711854, 'able': 0.056156656212425146, 'is': 0.05079247978234478, 'enough': 0.04915197905362433, 'have': 0.045583806902392394, 'me': 0.04298464048923623, 'necessary': 0.03938754070275725}, {'the': 0.16545704770821812, 'of': 0.13318294948184634, 'to': 0.10298508625928099, 'a': 0.06382789610077963, 'and': 0.05008676509481122, 'in': 0.047097461090017605, 'on': 0.03079831097126245, 'The': 0.017667462050400894, 'at': 0.01748486834834176}, {'<s>': 0.04482788954371471, 'and': 0.026729385589559694, 'was': 0.02119252235395154, 'be': 0.02060548821860735, 'is': 0.012754024511014615, 'are': 0.012460853144407546, 'that': 0.011409330918882373, 'were': 0.010768954572640111, '.': 0.00908739790501748}, {'and': 0.0666530396389398, 'was': 0.03773963333234596, 'recorded': 0.03539515092256002, 'is': 0.02706607857097326, 'made': 0.022895577456067465, 'up': 0.02089837584932269, 'as': 0.02059034474299814, 'held': 0.01790307777687068, 'it': 0.016861939912182447}, {'one': 0.10710368602459362, 'out': 0.08123884870271213, 'some': 0.051781778401643046, 'and': 0.03667936817114682, 'part': 0.0358283199164177, 'many': 0.03166683185942769, 'that': 0.03106143437196242, 'all': 0.026429155254369306, 'time': 0.02434843850850293}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.2159709080958713, 'of': 0.12586453489716695, 'and': 0.07759921249878257, 'to': 0.07654671121648948, 'a': 0.06144733776127643, 'his': 0.037232858636483596, 'be': 0.035155654600104294, 'was': 0.031155107943613102, 'in': 0.029929119254981353}, {'he': 0.17868784798397733, 'it': 0.1315296128384362, 'It': 0.09516825364518391, 'which': 0.0834259773871476, 'I': 0.07723146324460975, 'He': 0.06292291687166283, 'and': 0.06275361514818988, 'who': 0.06060863575383343, 'she': 0.04541514641353998}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.5340032462747952, 'a': 0.18522202731247445, 'his': 0.0668167684194984, 'this': 0.03381512745438847, 'and': 0.025995595343069562, 'of': 0.022426333203447484, 'their': 0.01964255866742816, 'tho': 0.018144484899288736, 'The': 0.016897718173662514}, {'of': 0.4190547054910145, 'in': 0.3599571672004232, 'In': 0.08345922533710899, 'to': 0.03450267893307686, 'for': 0.020037008230199903, 'that': 0.017114746406626073, 'by': 0.015390148622711406, 'from': 0.013033410050388019, 'and': 0.009027092207316213}, {'be': 0.3792109771068502, 'been': 0.1952678633820124, 'was': 0.18978286964015215, 'is': 0.05278514983340908, 'were': 0.05081049315386922, 'are': 0.028506292456163127, 'have': 0.024818967347152346, 'had': 0.024616525839404834, 'bo': 0.02060989453390023}, {'the': 0.5935146928103182, 'The': 0.059282597143412594, 'a': 0.04694841202361772, 'and': 0.04416024372128833, 'tho': 0.04356535775529619, 'any': 0.03264805601190613, 'by': 0.02004483298781408, 'an': 0.018842477245813605, 'in': 0.01828019291921015}, {'they': 0.20073818175003216, 'who': 0.08130970382414585, 'we': 0.07309495079343677, 'and': 0.05615022872841606, 'They': 0.04872648494646906, 'there': 0.042074237682678775, 'men': 0.04069711839565957, 'which': 0.03560643345049373, 'it': 0.027599687459965112}, {'the': 0.27394872443480484, 'of': 0.1685833048761621, 'a': 0.08780905778394182, 'and': 0.04986250713122792, 'to': 0.042548641380475684, 'his': 0.04023668652205893, 'in': 0.029751456727277584, 'with': 0.024472709218546856, 'for': 0.02256304321243509}, {'in': 0.19683417490258728, 'of': 0.17773620202143703, 'to': 0.08699502477856054, 'from': 0.05669934034521713, 'for': 0.05556385948832496, 'with': 0.0533521302536752, 'by': 0.04271243931405126, 'In': 0.04225797253786418, 'and': 0.028807010259644605}, {'the': 0.46262747637784124, 'The': 0.26544455643652615, 'of': 0.06577483753520806, 'that': 0.027297787091686197, 'tho': 0.019958331628534248, 'and': 0.018004426483110115, 'this': 0.01186734474977925, 'a': 0.01076922102236519, 'tbe': 0.009056302931679272}, {'the': 0.32758660851797, 'of': 0.1687963397155462, 'in': 0.08226589089592697, 'his': 0.05997573863193208, 'and': 0.0446385550962994, 'for': 0.04455027877129157, 'to': 0.0346514891564687, 'a': 0.032659121116058405, 'with': 0.03161005059245864}, {'and': 0.07111456140943417, 'demand': 0.0256852383653999, 'ready': 0.02126273132343757, 'used': 0.020447301910245644, 'time': 0.018506303219785913, 'not': 0.01420080865740985, 'vote': 0.014177945812533595, 'it': 0.01407779232818357, 'candidate': 0.01328644507450521}, {'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.2516829018572784, 'and': 0.14326480037575487, 'of': 0.12359869844375453, 'this': 0.08275439404834314, 'in': 0.06415158902570532, 'such': 0.04484317373434112, 'to': 0.04429532956535691, 'that': 0.037658639568936586, 'which': 0.03738296652394119}, {'gold': 0.1827906016115511, 'hundred': 0.03947144390640881, 'men': 0.029256879986572074, 'wife': 0.0189092530457928, 'relatives': 0.013670117646819755, 'city': 0.012482045045227182, 'land': 0.010131244278036635, 'in': 0.008795115969120991, 'up': 0.008703778115342937}, {'the': 0.15786270889782228, 'and': 0.10383043494703893, 'to': 0.05694685672776263, 'of': 0.056046455800149025, 'in': 0.042475002410393745, 'a': 0.033051452221145965, '<s>': 0.02432485527511328, 'for': 0.023103345842368523, 'I': 0.019914136946514772}, {'of': 0.30754030718515557, 'in': 0.13372600700547269, 'to': 0.08353169012546896, 'and': 0.07525407582792262, 'by': 0.06575405378511064, 'for': 0.05404883278357286, 'with': 0.04615846165703382, 'that': 0.03961828698055441, 'In': 0.03265913762224409}, {'the': 0.19664920633550098, 'a': 0.16329516485887025, 'of': 0.13349223874011348, 'and': 0.11705437797912097, 'in': 0.07201553447721186, 'from': 0.03103764956891379, 'The': 0.02940972234985795, 'that': 0.02891803789910694, 'with': 0.028897655702585172}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'to': 0.2324800927368016, 'will': 0.21432144634131725, 'and': 0.0747187246556913, 'not': 0.060564081260888206, 'would': 0.04850352907026485, 'may': 0.046444490670796444, 'shall': 0.03822533083497532, 'is': 0.03439307896823231, 'it': 0.03353898390119343}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'peo': 0.2634696502730653, 'the': 0.0715581131646979, 'peo-': 0.06202269494254229, 'a': 0.05503570786137468, 'of': 0.050836698344590286, 'and': 0.03529352822319702, 'as': 0.02338496012998982, 'said': 0.021613897601848422, 'di-': 0.015988684694529857}, {'north': 0.11604601208743454, 'feet': 0.032544105238980825, 'east': 0.021757032664491627, 'street': 0.019199548052537332, 'land': 0.014179102599103708, 'North': 0.014035003328486432, 'south': 0.01378651463238595, 'chains': 0.013175750513912936, ';': 0.0119639011396765}, {'the': 0.44988532293207545, 'a': 0.08986670739784529, 'of': 0.08307571066018768, 'said': 0.05712080897688279, 'at': 0.04422268947242322, 'to': 0.04118777024529185, 'any': 0.036277478416266835, 'and': 0.02997751086151174, 'The': 0.02346790513152699}, {'has': 0.15338209622433396, 'have': 0.14159330866816822, 'was': 0.08307148926336855, 'he': 0.08170933803300008, 'be': 0.08018319977012178, 'is': 0.08015434796314767, 'and': 0.07344258241557379, 'had': 0.06729221553068017, 'been': 0.04412752590448735}, {'of': 0.09306287261231871, 'the': 0.049710348098918604, 'and': 0.04547764110808933, 'in': 0.03929282685879949, 'a': 0.0391555494898379, 'to': 0.033292706777250686, '-': 0.02778765775850125, 'for': 0.01560888465411524, 'by': 0.013385009105167179}, {'the': 0.5818096771157866, 'and': 0.07540431656693236, 'of': 0.06197225398996863, 'said': 0.03164542485337143, 'The': 0.02937160675187475, 'tho': 0.02716182268499893, 'in': 0.018082073720333974, 'on': 0.01622392229739877, 'or': 0.013514624382412025}, {'a': 0.4191297758781641, 'the': 0.11833995311315765, 'very': 0.08196627206361051, 'of': 0.05971617375513458, 'and': 0.05612110050978277, 'but': 0.040454575829063116, 'with': 0.039804263352219406, 'is': 0.03420015373841483, 'to': 0.027642687818293776}, {'to': 0.573243685879959, 'not': 0.11558942826798445, 'could': 0.052490879522069746, 'will': 0.048458719123177146, 'and': 0.0432002648889565, 'can': 0.03883813445344256, 'they': 0.029917744133037768, 'would': 0.028179475952239123, 'may': 0.02398996032704292}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.17634043243354008, 'the': 0.10027595716320827, 'and': 0.08013567961347191, 'a': 0.07554284613390241, 'to': 0.06712947219085971, 'in': 0.05307136423855122, 'was': 0.029363470350612816, 'with': 0.028132424339619495, 'is': 0.028105455117893318}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.16463846828884238, 'and': 0.1108540191031543, 'in': 0.10597408824468647, 'to': 0.06856659383452354, 'any': 0.06231241138493359, 'from': 0.059467313722697, 'the': 0.05931600939515308, 'by': 0.05063861341573128, 'for': 0.05062066006815053}, {'to': 0.13972078952678202, 'for': 0.12209744039039622, 'of': 0.05072261290673466, 'and': 0.04871506083239237, 'threw': 0.047212935371759156, 'put': 0.03780577930876014, 'get': 0.030136935957092485, 'in': 0.02799253183357992, 'throw': 0.024125905932381477}, {'of': 0.2463907154410199, 'at': 0.1116462151328233, 'the': 0.1071241390306996, 'to': 0.08184420785955485, 'in': 0.07632953526404711, 'and': 0.059788719420273154, 'from': 0.04778413502984178, 'by': 0.02834901057299017, 'for': 0.018012304339318257}, {'of': 0.08420074382250228, 'the': 0.06404034788978862, '.': 0.0638192090679093, 'and': 0.03822249792994681, 'Mrs.': 0.029972447453331632, 'by': 0.02676861190074642, 'J.': 0.02573380420818476, 'John': 0.025681931830228672, 'H.': 0.024643484321652358}, {'the': 0.11166576285353448, 'of': 0.1012485238924617, 'and': 0.09814954399792707, 'to': 0.07563355565401221, 'a': 0.07282091403238587, 'in': 0.037497224702517734, 'be': 0.026704221331623625, 'with': 0.02268317404379888, 'was': 0.021965333758327557}, {'of': 0.105248013491537, 'the': 0.09843809414149556, 'and': 0.08078196165556449, 'to': 0.07963579205619425, 'a': 0.04075887884019623, 'be': 0.03215778137844051, 'was': 0.026334326209958327, 'or': 0.024323082227706173, 'is': 0.021020338535534946}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.3045404591223177, 'to': 0.15844305275808346, 'in': 0.10090012717237773, 'and': 0.07277247748074465, 'from': 0.052811923838267626, 'on': 0.05239997257908779, 'for': 0.04810426981518499, 'by': 0.04647007632669672, 'that': 0.044754889948470926}, {'and': 0.24279598731548302, 'the': 0.18186076286413425, 'any': 0.12487562895699605, 'or': 0.10817237827381537, 'of': 0.0692268459172828, 'all': 0.06410272932181713, 'no': 0.047520886520528216, 'some': 0.04305752918325606, 'in': 0.03909593950209587}, {'and': 0.20350727333071425, 'days': 0.04569610483233772, 'shortly': 0.04353605895448078, 'that': 0.03902350477259853, 'soon': 0.03733245811848727, 'minutes': 0.028600556676683923, 'until': 0.022522852422707865, 'but': 0.021178586873077533, 'Shortly': 0.019485451377617417}, {'in': 0.3769057604803983, 'of': 0.17725147452209, 'In': 0.09209218533353783, 'the': 0.05416491856520233, 'a': 0.038147361976999555, 'to': 0.034593619254791555, 'on': 0.03318551808924694, 'at': 0.03275952290417105, 'from': 0.029623620534009003}, {'the': 0.13207031937705438, 'of': 0.10608669006144157, 'to': 0.04823071805554735, 'and': 0.04503725366351494, 'in': 0.02133402157773027, '<s>': 0.021050231558768784, 'was': 0.020852596669252852, 'on': 0.02070782616497043, 'for': 0.019992228625978575}, {'and': 0.08549050954830152, 'lying': 0.056097431428060236, 'it': 0.02973124419667492, 'was': 0.028768976388836708, 'made': 0.024818681313742055, 'now': 0.02474058543653894, 'them': 0.024622897394793362, 'that': 0.022274290892139764, 'is': 0.021621525140336724}, {'of': 0.23202854813400695, 'to': 0.13217707330981274, 'that': 0.10667895480197218, 'in': 0.09569914163834764, 'or': 0.08563601838594798, 'for': 0.08442450454320773, 'by': 0.07824159552052368, 'at': 0.048663410321230074, 'if': 0.045904585437782426}, {'and': 0.08586268864171506, 'place': 0.06670796049039551, 'point': 0.038736364486332144, 'cases': 0.02738359515454691, 'spot': 0.026990889422004172, 'that': 0.022675923101130514, 'every-': 0.019604955027974134, 'places': 0.01723731367145808, 'of': 0.015251742420833641}, {'to': 0.3501770977526544, 'will': 0.09734109930933312, 'have': 0.08846024943894716, 'had': 0.07541076671307545, 'not': 0.06136628879962514, 'has': 0.060096615782401136, 'be-': 0.05242877950742596, 'they': 0.047702737472098085, 'and': 0.041257992135081085}, {'the': 0.11351219044727526, 'and': 0.08604483638809167, 'of': 0.06776366009844341, 'to': 0.047136723892506144, 'in': 0.024338160658430526, 'that': 0.02193473756605346, 'said': 0.021559305887873692, 'for': 0.019918362359278432, 'his': 0.019758196558086426}, {'the': 0.24911745603800453, 'of': 0.21843619656433402, 'for': 0.09471365123781304, 'and': 0.08679156094797216, 'or': 0.07796308535088067, 'by': 0.06408198536274509, 'in': 0.05510078958163327, 'these': 0.028540161227788498, 'that': 0.02848276453558832}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'the': 0.5065009431996661, 'a': 0.10209805858823408, 'any': 0.09031314392712045, 'at': 0.05668296333958122, 'tho': 0.0388852095144657, 'The': 0.038562580088655235, 'every': 0.02741292962133305, 'and': 0.02630947573854653, 'by': 0.022828637347733216}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'and': 0.20773122473010913, 'to': 0.11791293799380619, 'not': 0.03864917655660312, 'that': 0.028669626964973563, 'or': 0.027268642185432585, 'who': 0.02632755297961615, 'of': 0.025833169924934965, 'will': 0.025426991329114343, 're-': 0.02448046511896117}, {'the': 0.180004070161712, 'and': 0.1044776713975837, 'of': 0.05825679244234328, 'I': 0.04513115462413924, 'to': 0.027950049390134818, 'The': 0.025693166986078746, 'do': 0.022993140682649165, 'a': 0.020336914860810986, 'in': 0.019332882391420076}, {'the': 0.380672291232514, 'and': 0.09907781900810161, 'of': 0.09419525596226556, 'in': 0.08707006480618149, 'an': 0.07512336677359094, 'that': 0.04020684130792973, 'their': 0.033651147808427345, 'to': 0.03322839477746807, 'a': 0.03093928127785006}, {'in': 0.16443724591813103, 'the': 0.15923171618095958, 'on': 0.12373716751112321, 'a': 0.10463136959885236, 'of': 0.07211348949125575, 'In': 0.06775507901594183, 'at': 0.04238730388392641, 'from': 0.04208538957789127, 'and': 0.02970078477446449}, {'to': 0.5509023565632857, 'will': 0.10674404339144745, 'and': 0.0513814640358902, 'can': 0.04715899244887503, 'I': 0.03621355727908655, 'not': 0.02487614217139319, 'the': 0.024056137519694088, 'shall': 0.020374818230252206, 'they': 0.020045378436255108}, {'the': 0.24378340783876792, 'of': 0.12386553452613543, 'and': 0.07384739469954202, 'in': 0.06362973979891756, 'a': 0.049751445785049614, 'The': 0.032952882769435296, 'to': 0.030490114561491834, 'at': 0.021824310477590446, 'tho': 0.018997314255484392}, {'of': 0.14292670403004204, 'and': 0.10090703276222698, 'to': 0.10058134609373975, 'the': 0.07788755044013947, 'in': 0.03337740807009832, 'a': 0.03167208623622418, 'for': 0.020007458422735654, 'that': 0.0179327651183704, 'as': 0.015246957072993578}, {'the': 0.2616123913035623, 'of': 0.12515807457829511, 'and': 0.10146800746347852, 'a': 0.05517649212232217, 'in': 0.036542009869249006, 'to': 0.032648923328842394, 'or': 0.024561097698603464, 'The': 0.020752276178793983, 'at': 0.019204150297011842}, {'at': 0.41046390606549377, 'for': 0.1241892521476921, 'of': 0.08653265867232679, 'to': 0.07311180760112604, 'and': 0.04951003857448994, 'At': 0.04615892506149071, 'during': 0.04056363092681147, 'that': 0.039870674433797784, 'in': 0.039495314294298096}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.10098885702361911, 'covered': 0.055595497666817054, 'filled': 0.05484198443888253, 'together': 0.051805543157648085, 'charged': 0.034429337637048724, 'up': 0.02732670039036163, 'that': 0.021075605252661934, 'but': 0.01887007422717296, 'it': 0.01790886271057298}, {'in': 0.1745932204735324, 'of': 0.15156073080061974, 'to': 0.09822978091941795, 'for': 0.07476497044001913, 'with': 0.060906926033567656, 'from': 0.059319501276139996, 'by': 0.05436898506559619, 'at': 0.04069269881055261, 'In': 0.039763258217630965}, {'the': 0.14403663716217308, 'of': 0.08556356250978962, 'and': 0.06910729036583872, 'on': 0.05983013386103434, 'or': 0.044004767364074895, 'as': 0.04147115360161741, 'to': 0.04038038948402586, 'be': 0.021815318412374194, 'their': 0.021710216353278567}, {'the': 0.1845990988365153, 'of': 0.10096143609561989, 'and': 0.09160574605429612, 'to': 0.05306605920546917, 'a': 0.037789865207200124, 'at': 0.027215818904480073, 'in': 0.02367639208006656, 'for': 0.023424332604544663, 'or': 0.02058436989951179}, {'of': 0.4512471191838837, 'by': 0.10440254907832575, 'to': 0.09283958007120742, 'in': 0.06423385721478136, 'and': 0.05437785368632391, 'that': 0.05142487947728902, 'at': 0.029754893348461296, 'from': 0.027965333318246376, 'on': 0.027444947982549168}, {'number': 0.07616841833891147, 'purpose': 0.07193490118075829, 'out': 0.0475102908548599, 'matter': 0.043686173144403546, 'instead': 0.042945497506426386, 'cost': 0.03081395643632455, 'means': 0.029627642005503052, 'years': 0.02595698569039367, 'line': 0.02580066484741123}, {'to': 0.3748790950983383, 'the': 0.07806155574603739, 'a': 0.07568378044826796, 'will': 0.07243646211770167, 'and': 0.050591255423621154, 'I': 0.047244060310403894, 'under-': 0.04121618547506363, 'would': 0.038940206727557464, 'not': 0.03701476358410903}, {'away': 0.09489817254549206, 'him': 0.07229599807670968, 'and': 0.056798941585930164, 'taken': 0.03592170014203479, 'came': 0.029593900720377143, 'them': 0.028557537159959314, 'it': 0.025085928472864713, 'come': 0.023315197517332447, 'returned': 0.021722911833249144}, {'one': 0.09164256515269945, 'part': 0.066753159213866, 'some': 0.050694417972555715, 'out': 0.04895490147929289, 'all': 0.03198059071123775, 'portion': 0.02799964274031476, 'any': 0.023061308494494337, 'much': 0.02188314312596853, 'that': 0.02137507608911666}, {'of': 0.13634114413207593, 'and': 0.0855913284674597, 'the': 0.07181742329521952, 'to': 0.04853922163708672, 'said': 0.040488975777819625, 'in': 0.0346759147483016, 'was': 0.03217502279278137, 'by': 0.0274164084465169, 'be': 0.02388723843519014}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'and': 0.07140134376410001, 'to': 0.05298797848112665, 'the': 0.050071909826217315, 'of': 0.03634242718171606, 'was': 0.03539112591678732, '.': 0.03171220677088561, 'Mrs.': 0.0243655562348537, '<s>': 0.02182795532076779, 'I': 0.016806886197171446}, {'in': 0.17652760917965993, 'for': 0.151354009910558, 'of': 0.1446225411626746, 'within': 0.07676218447632911, 'and': 0.06717596279132201, 'only': 0.06128473435121691, 'In': 0.05570803182784873, 'with': 0.046693183934266455, 'is': 0.03963400043812576}, {'and': 0.09373567240246293, 'depend': 0.03836338004663328, 'based': 0.03824772294080833, 'placed': 0.037658878880170873, 'depends': 0.03741630306694303, 'called': 0.03668431560508889, 'down': 0.03262298769122071, 'made': 0.03233144866418736, 'effect': 0.02839860992487969}, {'and': 0.15744643078884604, 'the': 0.1025054411273799, 'to': 0.05151197982100127, 'do': 0.05075659148525061, 'I': 0.04505612648237975, 'of': 0.02978805834675499, 'will': 0.022517666906093907, 'he': 0.021864735407302344, '<s>': 0.019137361899596132}, {'Mr.': 0.2524682072320065, 'Mrs.': 0.12215834277247022, 'and': 0.07608511134752444, 'Miss': 0.04376764452493675, 'of': 0.04170965301195403, 'the': 0.038787442312094376, 'Sir': 0.022652706201096214, 'that': 0.019840025278997968, 'St.': 0.019685835897526233}, {'and': 0.09065398267313608, 'of': 0.06974252314227586, 'the': 0.06532140534798847, 'to': 0.061123789616783775, 'be': 0.03690819842704208, 'was': 0.03042742634839014, 'is': 0.025053183458214914, 'a': 0.02443008150275202, 'as': 0.020602742678931998}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.31991050561400564, 'of': 0.13940657435194997, 'and': 0.08333882097349289, 'The': 0.08112125081114864, 'that': 0.05387970524141019, 'a': 0.04485996157421479, 'his': 0.03620268178717016, 'this': 0.02038051436830585, 'their': 0.019299719659922266}, {'it': 0.179624354572632, 'there': 0.10228649998470113, 'It': 0.09106653539827858, 'which': 0.07992395721356682, 'they': 0.061781170900760574, 'that': 0.053541822046361494, 'and': 0.05092664934736505, 'he': 0.03220617434855127, 'There': 0.031826304150189756}, {'of': 0.07373059866266919, 'and': 0.07275470812117085, 'I': 0.05800795979727971, 'all': 0.04874675806660507, '.': 0.04590555956145933, 'to': 0.033164979244926604, '<s>': 0.028154233083629795, 'the': 0.02605006040420533, 'that': 0.022926822105548184}, {'they': 0.23030068245753058, 'we': 0.12283702722831341, 'who': 0.07155107378733375, 'you': 0.06010581017576244, 'They': 0.059288461590659446, 'and': 0.05200983399102761, 'We': 0.046387261537026415, 'which': 0.042717258566518375, 'that': 0.03494573968413605}, {'sum': 0.12964946519461865, 'rate': 0.11666083868920558, 'period': 0.04002438859591829, 'amount': 0.03972263498044155, 'out': 0.03626960640676318, 'number': 0.030994318954713107, 'quarter': 0.029881448714810552, 'one': 0.027926958875814846, 'cost': 0.024842393967760605}, {'the': 0.5113015703396343, 'an': 0.16343510888705148, 'The': 0.09862183744087137, 'and': 0.03238715248203174, 'of': 0.030603207689422946, 'a': 0.030051740041302552, 'his': 0.026801118311263635, 'tho': 0.022470062768628212, 'their': 0.022370248822399064}, {'and': 0.18291299633899616, 'be': 0.07828449804722548, 'was': 0.07729352506754994, 'is': 0.052902611867887236, 'the': 0.03977748961658385, 'been': 0.03496403889603844, 'of': 0.03148632165743884, 'or': 0.023676806232306946, 'are': 0.01830270467689761}, {'the': 0.14166836833432883, 'of': 0.11321493339346302, 'and': 0.07602412808658252, 'to': 0.0570974831997663, 'was': 0.05094802262156029, 'a': 0.043943306171094244, 'be': 0.038992159953255806, 'in': 0.038739608073103476, 'is': 0.032839849344731664}, {'for': 0.45045994793466154, 'of': 0.1666981716959194, 'in': 0.07531091892254929, 'so': 0.05421757175288955, 'and': 0.05001387746836541, 'as': 0.04155600399957384, 'that': 0.03301074483092103, 'For': 0.03208195501527858, 'the': 0.02653427163414475}, {'as': 0.10424514129973456, 'is': 0.07748036995624889, 'and': 0.06650426063180181, 'able': 0.06064819140482624, 'enough': 0.05642190061045293, 'order': 0.05458505805054362, 'was': 0.04940174147223565, 'not': 0.047568220902779276, 'him': 0.04605038859024641}, {'of': 0.23421923428312635, 'for': 0.17940935140776626, 'to': 0.1270785714222824, 'in': 0.09407121503589021, 'at': 0.07770767779408044, 'on': 0.05750527852578975, 'and': 0.05221108582864403, 'that': 0.04282394961396125, 'by': 0.040851286661713004}, {'the': 0.22175964353137007, 'and': 0.11424051837808889, 'in': 0.07284257459271153, 'of': 0.06820538015359469, 'to': 0.05033319980931678, 'by': 0.04273679070276525, 'that': 0.030503457767047912, 'as': 0.02941163309825323, 'for': 0.027707462746981142}, {'other': 0.29488914308896746, 'of': 0.273855100834816, 'these': 0.08675380401317284, 'the': 0.0785903547529929, 'for': 0.045347123107371205, 'their': 0.03617029075904917, 'in': 0.03606447637220836, 'all': 0.03233745309636505, 'different': 0.029307004850816096}, {'for': 0.31935468923576177, 'or': 0.12022630993684774, 'of': 0.11113016627050477, 'about': 0.10034424047221699, 'past': 0.07338527939125859, 'in': 0.06834860146276941, 'than': 0.06460747723898283, 'and': 0.05450115741466592, 'within': 0.03357139901099588}, {'No.': 0.29874008472116187, 'lot': 0.07538108822736515, 'June': 0.06950142612090812, 'section': 0.06665619884265338, 'March': 0.06493388789002424, 'July': 0.055584535215589384, 'May': 0.041877334837903984, 'April': 0.04118059708258279, 'and': 0.03865834596921738}, {'of': 0.08062262234404648, 'and': 0.07365743860445031, 'to': 0.060433686954717056, 'the': 0.038768054811923094, 'was': 0.033931019653775575, 'in': 0.029716619829645286, 'for': 0.029008903810989257, 'be': 0.028795730195497554, '<s>': 0.026516894329470225}, {'feet': 0.4916787266748785, 'inches': 0.06977799795269533, 'and': 0.06378957684202483, 'a': 0.04758918755056249, 'so': 0.045043372089880095, 'the': 0.03758589847137089, 'to': 0.020103633885435665, 'that': 0.018683901291514492, 'of': 0.01790975562996245}, {'and': 0.08279313862047609, 'together': 0.07692108746929846, 'connected': 0.06295431468876451, 'connection': 0.06166083540235039, 'accordance': 0.047055504947604875, 'comply': 0.025740659877316538, 'acquainted': 0.022957207627567578, 'compared': 0.021927388667963576, 'contact': 0.019540719774152827}, {'the': 0.2141645405024433, 'a': 0.1450427525543077, 'to': 0.13366839287606672, 'and': 0.10116341796852156, 'of': 0.08289779801797431, 'be': 0.03737939103629362, 'was': 0.03463302839245261, 'for': 0.034561751250976054, 'or': 0.03090157730535683}, {'the': 0.19675746145374134, 'such': 0.11220968580929844, 'and': 0.09723358726935609, 'as': 0.07077482449461917, 'of': 0.06683849454611775, 'his': 0.06308422713654424, 'a': 0.042405309143844036, 'their': 0.04046926742374848, 'its': 0.03506128801000978}, {'to': 0.5667506953675325, 'will': 0.15272337789878965, 'and': 0.0734524951766597, 'would': 0.05738005010279524, 'not': 0.026031860671458427, 'shall': 0.01992828336115847, 'can': 0.01892140340506081, 'could': 0.018406154449555394, 'should': 0.018376037351786664}, {'to': 0.13145602037273615, 'for': 0.0942408063323218, 'let': 0.08547633028301786, 'with': 0.079808486432132, 'Let': 0.07743057185722194, 'of': 0.07138379879518951, 'give': 0.05735962166617901, 'told': 0.05264500450283372, 'make': 0.04913691356691013}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.3592353968400927, 'in': 0.13848995693066243, 'to': 0.07254986084076004, 'at': 0.06745246392789182, 'In': 0.04185908015022479, 'and': 0.03003149673387003, 'as': 0.022339079989664824, 'by': 0.02172187401749737, 'from': 0.019259166416300745}, {'the': 0.19015750019503533, 'a': 0.15543900597531093, 'of': 0.07719675055021141, 'for': 0.0693919796714946, 'and': 0.04718071787340474, 'in': 0.04605350906245857, 'to': 0.02068020755867555, 'as': 0.013318278123526513, 'any': 0.01328780192526938}, {'an': 0.17923454130446043, 'the': 0.1374620406113041, 'more': 0.12791966236445876, 'greater': 0.09146374172447244, 'this': 0.07412887103987179, 'any': 0.06611792852590324, 'larger': 0.0602109241302036, 'better': 0.057980625724675265, 'other': 0.05132039338835171}, {'to': 0.2508405064447426, 'and': 0.17888202894751665, 'will': 0.13678164674164364, 'they': 0.07150047166146684, 'we': 0.058736519561353125, 'who': 0.04166269594029427, 'may': 0.04153523440238456, 'not': 0.04056952498859559, 'shall': 0.0374522996275596}, {'and': 0.12959235180236595, 'the': 0.03468466877524966, 'of': 0.024052296660442663, 'I': 0.022922009472632652, 'was': 0.018795435858476203, 'that': 0.017960218150308245, 'a': 0.017214204315303495, 'he': 0.015623217745166514, 'they': 0.013572845471058324}, {'and': 0.1229402146031222, 'that': 0.041201978416778556, 'it': 0.040152726762248674, 'found': 0.024417067602785097, 'made': 0.023992097659814377, 'is': 0.023849886715651615, 'him': 0.023296424667038008, 'was': 0.022624459146690656, 'but': 0.022166398606064786}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.3915906379137847, 'a': 0.2744616148197768, 'of': 0.09270283032838275, 'and': 0.03872705001180745, 'The': 0.03183320954042683, 'in': 0.02206282119679005, 'his': 0.020739912140773715, 'tho': 0.018871041835609715, 'A': 0.01596846111704484}, {'the': 0.7438219668994, 'of': 0.04436849925935768, 'tho': 0.030465171978805196, 'The': 0.02072315403311864, 'his': 0.01772657635109724, 'a': 0.017222805802820495, 'this': 0.014171288889222016, 'tbe': 0.010810832738762117, 'their': 0.010026114259844707}, {'and': 0.09243849761272539, 'the': 0.02532058250943518, 'to': 0.021139825841428348, 'a': 0.01716712557175865, 'of': 0.015932733595977636, '<s>': 0.013507005187580355, 'lot': 0.011781647569826756, 'that': 0.01169253863870239, 'in': 0.011306920098368797}, {'and': 0.072043999456693, 'away': 0.05359483509489874, 'taken': 0.04401626950207456, 'them': 0.024067183137968573, 'miles': 0.02335392584568115, 'come': 0.023314774451963793, 'out': 0.022762623005508197, 'came': 0.022090974428341577, 'down': 0.021528201571490376}, {'it': 0.19477039986673825, 'It': 0.15963066234322168, 'he': 0.10593339571488491, 'there': 0.0715893555952982, 'which': 0.06460742358388624, 'and': 0.04745769016130435, 'I': 0.04168609127864378, 'He': 0.038437244694985884, 'that': 0.03209499482764047}, {'opin-': 0.1459966103202668, 'inter-': 0.022724760782306185, 'com-': 0.0197958780896203, 'provis-': 0.013264649104906313, 'Un-': 0.012981934261517182, 'com\xad': 0.010248661254038775, '<s>': 0.009836190565225849, 'and': 0.00951671272190491, 'in': 0.008753813779097147}, {'be': 0.2497396869831317, 'was': 0.13953317510842064, 'been': 0.13474232163315533, 'is': 0.09867678960220841, 'are': 0.08478921588736277, 'were': 0.05304601350900166, 'and': 0.04394122146541461, 'have': 0.039576011809096326, 'being': 0.038915820056912305}, {';': 0.015173296921195959, 'it,': 0.010748204384172429, 'them,': 0.008838984356069387, 'in': 0.008577464308121875, 'him': 0.008217249676680286, 'up': 0.008190725931903191, 'it': 0.007937201733979278, 'him,': 0.00780336034370671, 'time': 0.00650952612775757}, {'.': 0.03672264974050531, 'of': 0.026492655813005476, '-': 0.018160311249266148, 'the': 0.016830934934674507, 'to': 0.011228870193722108, '<s>': 0.010914478517487941, 'and': 0.009189729056094916, 'a': 0.005705912586618913, 'Al': 0.004909866662562385}, {'is': 0.1147031415260254, 'and': 0.10705692518366941, 'was': 0.10509090130778247, 'are': 0.10129595727578931, 'been': 0.06244143559678139, 'be': 0.05749352007653628, 'not': 0.05319045094823487, 'were': 0.040636510930557576, 'or': 0.028334502145981006}, {'part': 0.06994591847465387, 'provisions': 0.06547446322289743, 'copy': 0.06233269837025626, 'date': 0.03769015711735691, 'one': 0.03712656440255766, 'out': 0.03455122760757504, 'publication': 0.030235483492920358, 'and': 0.029134937048905744, 'tion': 0.027881175338122594}, {'of': 0.11785529026658935, 'and': 0.11586877154350345, 'in': 0.05739244689627157, 'to': 0.050607477297486644, 'fact': 0.03889347275782053, 'said': 0.03289904969041613, 'on': 0.02952954435335196, 'all': 0.024539624180535385, 'is': 0.022298709960555663}, {'and': 0.3475530792343306, 'he': 0.1079256026423412, 'was': 0.10453362083891811, 'I': 0.0865334798601297, 'be': 0.05622810358437319, 'but': 0.05136837182206295, 'they': 0.05114127450088501, 'had': 0.046560574630399, 'who': 0.04307934710886719}, {'the': 0.3737875438086877, 'his': 0.12649920270599535, 'their': 0.07088027404444257, 'and': 0.06426130239746475, 'my': 0.05098149862429324, 'a': 0.048444611747562275, 'of': 0.04722095474808413, 'The': 0.03973864183201803, 'her': 0.03403439186954667}, {'to': 0.5428999546340176, 'will': 0.14461161619076995, 'would': 0.06181123642274019, 'and': 0.04751319378457426, 'shall': 0.04736748949152856, 'not': 0.03447059784575194, 'should': 0.025886387233637186, 'may': 0.024877350140808923, 'could': 0.01822919798876976}, {'the': 0.24677401661073511, 'of': 0.12615293892550042, 'a': 0.10475017352552018, 'and': 0.0611364280050932, 'to': 0.04939288039681522, 'for': 0.021532483809697623, 'The': 0.021375036634672148, 'in': 0.02126018216021746, 'an': 0.021147779529514566}, {'the': 0.14988474384569833, 'Mr.': 0.1484424434140763, 'and': 0.04671176087700529, '.': 0.04651593600145284, 'Dr.': 0.045517788809187366, 'John': 0.04213014981839231, 'Mr': 0.02624502458105379, 'Senator': 0.02595852920291827, 'Mrs.': 0.02595107701100145}, {'of': 0.2195259123079037, 'in': 0.16985244418943252, 'to': 0.13277733821852306, 'and': 0.08730512777012338, 'that': 0.08693509659719147, 'with': 0.052074149978494015, 'for': 0.049752675183668015, 'at': 0.04287286482309834, 'as': 0.04036636663392377}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'to': 0.19973446133180278, 'of': 0.19933105705530318, 'for': 0.1201118221118002, 'at': 0.06799799999715223, 'in': 0.06399833355795653, 'and': 0.06066607721907857, 'that': 0.059172327800627714, 'from': 0.03644774458602894, 'on': 0.028927725830353128}, {'and': 0.13854276393246331, 'for': 0.12897551387804576, 'of': 0.10601893053679189, 'to': 0.08919422620645709, 'in': 0.08720929362603769, 'is': 0.07827695265948124, 'with': 0.06289136193559847, 'was': 0.061307856407150946, 'that': 0.05603657802444892}, {'the': 0.37076410226986706, 'and': 0.1381480115055886, 'or': 0.03740479214582813, 'of': 0.03340740808084506, 'The': 0.0313498299355331, 'on': 0.02879591207311093, 'to': 0.027703785322189988, 'tho': 0.025919508018144608, 'an': 0.023004147382467886}, {'de-': 0.14346355028949037, 'of': 0.11358096875972758, 'her': 0.062105705723380505, 'the': 0.05130671471264257, 'his': 0.050909166807489484, 'Mr.': 0.05042811721622329, 'com-': 0.04280276924757523, 'in': 0.04259303976232122, 're-': 0.03375924251248872}, {';': 0.017604975630838304, 'up': 0.008090129598938064, 'it,': 0.00767128383999689, 'due': 0.006691204189861464, 'them,': 0.006554536022955416, 'street': 0.006521281312319827, 'him': 0.005953102296468512, '.': 0.005872809043843147, 'it': 0.005611379346608757}, {'the': 0.8608251611416068, 'The': 0.041235349872064245, 'tho': 0.027303938152867187, 'a': 0.016669413252469668, 'tbe': 0.011267719527739247, 'his': 0.008151643693774432, 'an': 0.006546744511581657, 'said': 0.0048572326370099695, 'and': 0.0034135108875195676}, {'of': 0.42628063543277667, 'in': 0.11093960803636536, 'to': 0.08855932239543073, 'that': 0.03980216686543636, 'by': 0.0397695095377353, 'for': 0.03743149435633774, 'with': 0.032875808878424354, 'and': 0.026763022082789537, 'from': 0.02531232282537022}, {'of': 0.33102034203807096, 'and': 0.11058776179279124, 'that': 0.09816899976826254, 'for': 0.059035793519829016, 'with': 0.057229257079303014, 'to': 0.05680072383745822, 'by': 0.05579290819189466, 'all': 0.05214820013897116, 'any': 0.040861111481318525}, {'the': 0.19012958515281073, 'and': 0.12450772363769937, 'Mr.': 0.10732547920597457, 'The': 0.06698748153322573, 'of': 0.03993707576943589, 'Mrs.': 0.03392456381375598, 'Miss': 0.02632485591666949, '<s>': 0.020478409845315848, 'that': 0.019986193943177088}, {'it': 0.14806391506186314, 'he': 0.12086187920113099, 'It': 0.11645968201630448, 'I': 0.06313550850567543, 'He': 0.05221072612740394, 'which': 0.04714883502857949, 'and': 0.041074659713383956, 'that': 0.03105953585609975, 'who': 0.030671155815008733}, {'.': 0.0913613913354629, 'Mrs.': 0.05049298778793057, 'Mr.': 0.045422035646779234, 'of': 0.042467777162269335, 'was': 0.028064219832842727, 'and': 0.027850232897438265, '-': 0.02526364270767281, 'at': 0.022212454766153873, 'the': 0.021460164748214428}, {'and': 0.1863491908838159, 'was': 0.052340086660225424, 'the': 0.049550866584046414, 'be': 0.04204008050020883, 'is': 0.03827033555027072, 'or': 0.03352555355743097, 'not': 0.026762402882991806, 'to': 0.024685421993303102, 'of': 0.02459331055493264}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'and': 0.1916957292305692, 'that': 0.18269050164522704, 'as': 0.12959164739371326, 'which': 0.08297980110656102, 'when': 0.06139219713329486, 'but': 0.06095417355996148, 'if': 0.04851873931308234, 'what': 0.035117535409140095, 'If': 0.024146860290428528}, {'the': 0.609307036717092, 'and': 0.06314722912655613, 'The': 0.04214184302055755, 'of': 0.034025359168370774, 'a': 0.03127997710150216, 'tho': 0.029812995285536582, 'or': 0.020900172495834056, 'other': 0.013632147972977578, 'tbe': 0.012772817346151545}, {'a': 0.3309268837826591, 'to': 0.16502906413976665, 'one': 0.07701809970926489, 'the': 0.06872088145802771, 'first': 0.05721966343862893, 'and': 0.05204488745944996, 'last': 0.04383239157649089, 'no': 0.043179847618294, 'every': 0.033956803086921714}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'him.': 0.04835113898972174, '<s>': 0.029017122111013493, 'it.': 0.022834042860515925, 'years.': 0.014317480466585273, 'them.': 0.012395148043537162, 'time.': 0.01129933482698734, 'himself.': 0.010971208454750511, 'man.': 0.01077241433807341, 'life.': 0.010036806215437481}, {'the': 0.18383391274572516, 'of': 0.0795610080995925, 'The': 0.07693711338930552, 'Mr.': 0.07063407577582882, 'and': 0.04954368568515078, 'that': 0.047617963182718194, 'a': 0.030078326709935564, 'Mrs.': 0.023916418750509646, 'his': 0.017168066128705386}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'they': 0.14889581598907053, 'we': 0.08757023372516831, 'who': 0.07880493824801106, 'which': 0.06327320356207591, 'that': 0.06285176704023371, 'there': 0.055467972528522515, 'and': 0.05332571978457082, 'They': 0.043512318806698876, 'you': 0.040189640534049595}, {'of': 0.19065681789566458, 'is': 0.11130301630538468, 'in': 0.09271132462325858, 'was': 0.0820106514002916, 'by': 0.07198104875402288, 'to': 0.07191176510915163, 'with': 0.06238092886367766, 'as': 0.05361634094488771, 'be': 0.05190321039266948}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {';': 0.036199169379587406, 'nothing': 0.01906612024907541, 'and': 0.017615974027172847, 'is': 0.014957028663176676, 'it,': 0.014258425215958092, 'them,': 0.012037811914749579, 'are': 0.01189948441299304, ',': 0.009817453842225432, 'him,': 0.008467642785571303}, {'is': 0.29727643011522537, 'are': 0.2156712849653541, 'was': 0.13458290366996675, 'and': 0.07099885817285218, 'were': 0.05699798263611192, 'Is': 0.04205521196768957, 'be': 0.02388571419386414, 'a': 0.023227901449981977, 'but': 0.02082251465098406}, {'It': 0.2530663593594431, 'it': 0.10309198326456598, 'there': 0.09215902120664196, 'that': 0.05592485451766521, 'which': 0.05233410367105593, 'There': 0.04112657562327421, 'he': 0.03267606051402835, 'This': 0.030753887078749167, 'and': 0.027844831973019065}, {'the': 0.18368601231751527, 'and': 0.11464252061365811, 'of': 0.09946357489091448, 'that': 0.028989098045212682, 'The': 0.02848865660749247, 'a': 0.027298148949132652, 'or': 0.0183073044243937, 'I': 0.018125294372284356, 'in': 0.01691290481634625}, {'to': 0.26887888906237245, 'of': 0.19815303098969148, 'with': 0.10268540234217156, 'for': 0.07677342190943291, 'among': 0.05128865554155603, 'against': 0.050656909719483605, 'by': 0.04849410733330305, 'and': 0.03428382978035823, 'before': 0.03368306204465852}, {'able': 0.08755273397639118, 'and': 0.08492705363802307, 'is': 0.07460785575024693, 'had': 0.0718702448414347, 'have': 0.06846054952812454, 'order': 0.06599008286306703, 'enough': 0.05686421938320786, 'was': 0.056001213393355814, 'not': 0.0559464033895164}, {'of': 0.18261417834871363, 'by': 0.10945732479604431, 'and': 0.10740431931717605, 'in': 0.08773506487844918, 'the': 0.07405685812209574, 'are': 0.06076845151291453, 'to': 0.047561488131528384, 'was': 0.04665801106331746, 'with': 0.04076259084221956}, {'to': 0.34034348421182187, 'will': 0.15134264506302003, 'would': 0.08529744361829576, 'may': 0.07766479757878263, 'should': 0.05625426687181688, 'shall': 0.05378088784154587, 'not': 0.05040857577846091, 'must': 0.03574471471960349, 'can': 0.03544790122413473}, {'the': 0.35227856941482244, 'and': 0.0695850740071965, 'this': 0.0636378108730227, 'of': 0.05472209681508458, 'a': 0.04090594753177677, 'that': 0.03709388427622297, 'said': 0.031676353255730094, 'these': 0.02764860296198889, 'other': 0.025972652482824342}, {'United': 0.6995904158909392, 'the': 0.046577419295890356, 'ted': 0.014442723913840336, 'of': 0.0140525653892772, 'and': 0.00906947164570285, "I'nited": 0.0088958754554357, 'Southern': 0.008881041850867551, 'nited': 0.007951972408526777, 'to': 0.005528280970843362}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'the': 0.391369662860032, 'a': 0.2682190227400689, 'and': 0.0609263426287183, 'his': 0.04846350673113166, 'The': 0.033362559657062356, 'very': 0.03301987289255063, 'no': 0.029465556760541144, 'of': 0.024365113370043913, 'most': 0.018507888269961043}, {'one': 0.19642606021775091, 'some': 0.08512073867653684, 'any': 0.0494288876036105, 'part': 0.03680424553848562, 'most': 0.031362536096508284, 'that': 0.03124914399035536, 'out': 0.030843290083001528, 'One': 0.030715945168746404, 'all': 0.027526857549105624}, {'duly': 0.2364778642998498, 'was': 0.1862100911820267, 'be': 0.15134057836104037, 'been': 0.07200490925606308, 'and': 0.0665610878211334, 'is': 0.059935828130046116, 'were': 0.04677179713221302, 'are': 0.02907286528948705, 'as': 0.026746499775841762}, {'of': 0.32253070130870287, 'to': 0.10107790310172926, 'in': 0.07761944657018059, 'and': 0.063191964425746, 'for': 0.04898951220475868, 'by': 0.047321934433427845, 'on': 0.04524995466812564, 'that': 0.04385250283450068, 'In': 0.033401653835732285}, {'the': 0.6196253179163312, 'this': 0.09493802902981226, 'a': 0.039541272503832485, 'tho': 0.03577436410319886, 'The': 0.03283922307647671, 'his': 0.017913877115785664, 'whole': 0.017316833156068002, 'our': 0.016370168093016668, 'tbe': 0.015041566774293596}, {'do': 0.16921103289733114, 'did': 0.1528344289570058, 'is': 0.14104450621284903, 'does': 0.09639270682585101, 'are': 0.08177208800996204, 'could': 0.08100154246875563, 'was': 0.07108822621211808, 'will': 0.05393799529470675, 'would': 0.05276502144974336}, {'so': 0.34674810575891823, 'as': 0.19800624685774967, 'too': 0.10805029469655864, 'very': 0.10176642819698611, 'how': 0.05649443090904189, 'is': 0.03232734857102567, 'be': 0.030676674807768242, 'and': 0.02506811849047973, 'not': 0.02059249677069447}, {'the': 0.5658994077812255, 'a': 0.0874115249520041, 'in': 0.0625501962854061, 'his': 0.05624050996131094, 'and': 0.043932724538340885, 'their': 0.037829214774082374, 'tho': 0.032617150076687744, 'this': 0.02518570732240671, 'New': 0.024542716301639046}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'and': 0.11466261124671324, 'was': 0.04183008781999923, 'held': 0.03556966805171333, 'Beginning': 0.02896819071614559, 'is': 0.02752856476682257, 'look': 0.026279900325162895, 'arrived': 0.02597799389057782, 'that': 0.025271294744426742, 'interest': 0.023893646310221173}, {'It': 0.1844899494602058, 'there': 0.16943159172519223, 'it': 0.15555998406497315, 'There': 0.08546350554130623, 'This': 0.052610572856870534, 'which': 0.038060098362034306, 'he': 0.03667736962235606, 'that': 0.03641475547024969, 'this': 0.031009147688645645}, {'.': 0.04234325418339474, '-': 0.023171197713039608, 'to': 0.019085201025007808, '<s>': 0.01410870541015069, 'the': 0.01272861220335446, 'and': 0.012686505432422827, '1': 0.010242632271962456, 'of': 0.008620646565736858, 'No.': 0.008480385508037331}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'and': 0.17899853550695363, 'which': 0.11577745006824404, 'I': 0.11015063556395076, 'that': 0.0991685959042518, 'it': 0.048076959272219395, 'It': 0.038261916525925845, 'he': 0.031945736704192006, '1': 0.023884849368642304, 'who': 0.019628180096685592}, {'the': 0.2024501559740763, 'of': 0.09262782984148435, 'and': 0.08754927157560803, 'to': 0.05181206112627231, 'a': 0.04779912308657101, 'The': 0.03066510618117259, 'in': 0.026782702490259047, '.': 0.019556928858757726, 'his': 0.01774057360578582}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.10849257502990917, 'of': 0.10568910458695711, 'and': 0.06453953580063028, 'to': 0.05685032424271362, 'for': 0.03862980410786617, 'a': 0.030329874101950233, 'is': 0.027096900521429764, 'was': 0.027052987130883232, 'be': 0.026615758354650923}, {'the': 0.29619957185985324, 'a': 0.2899715245974123, 'and': 0.05055734453126124, 'to': 0.04550012463063169, 'The': 0.03240405326187767, 'I': 0.03168198287624996, 'not': 0.027453589733358885, 'this': 0.02599484328437497, 'will': 0.02012210090244408}, {'to': 0.13310590695488617, 'and': 0.09599803046201102, 'of': 0.06626006067344513, 'the': 0.057363251930880974, 'in': 0.02999064677835201, '<s>': 0.018724796361581583, 'not': 0.018673340510238463, 'I': 0.01627365287180914, 'by': 0.015196914619123059}, {'of': 0.4017822393450674, 'the': 0.14679730900757665, 'and': 0.02572205637229313, 'other': 0.02464152343438274, 'old': 0.020837061196286047, 'that': 0.018680048127841048, 'his': 0.015896391374856274, 'middle': 0.014476197048603525, 'on': 0.01408765616757777}, {'be': 0.3408406729808625, 'was': 0.17702334136853995, 'been': 0.10737322861869833, 'is': 0.09437189120503078, 'were': 0.048704417237331044, 'are': 0.04606774148881855, 'and': 0.038443041779643035, 'he': 0.02389463088398242, 'being': 0.023748236064574265}, {'of': 0.1775560782477169, 'in': 0.09743584037848722, 'and': 0.07110071664822155, 'be': 0.0451363580130129, 'is': 0.03440458701237968, 'for': 0.02979073288894393, 'by': 0.029417372443545295, 'was': 0.029105871840801562, 'on': 0.02910511053803469}, {'a': 0.3041369243731869, 'of': 0.17207149408545536, 'the': 0.12482515451014203, 'in': 0.086723767888402, 'and': 0.047857155291496145, 'for': 0.04214423909688172, 'with': 0.03344614460728136, 'as': 0.031274180886249774, 'very': 0.03077032986427671}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'to': 0.17809289076318582, 'and': 0.14579365731417535, 'of': 0.11494887450456186, 'by': 0.08156708273207176, 'not': 0.07227154559661346, 'at': 0.06857723066992698, 'the': 0.05979079847859036, 'is': 0.058248464360849544, 'are': 0.056183878729079706}, {'of': 0.22633479562285153, 'to': 0.12491587487063463, 'in': 0.08223006357128013, 'know': 0.08160495940066902, 'and': 0.0751738750990273, 'with': 0.05043034873413513, 'is': 0.040561772911496645, 'see': 0.03666503546795004, 'for': 0.0364589319571731}, {'a': 0.3521606912742975, 'the': 0.15135689765566554, 'On': 0.10042523580548719, 'in': 0.060584836245182024, 'of': 0.05405044186006929, 'on': 0.04819874629187931, 'his': 0.03276429462406555, 'In': 0.02574225551838235, 'from': 0.023400122790708633}, {'of': 0.33042563309993966, 'in': 0.13775435356709875, 'to': 0.11555356905192735, 'from': 0.06793298654123406, 'that': 0.05605825347412054, 'on': 0.05475718018075872, 'and': 0.05470141051272501, 'for': 0.04780966661782054, 'at': 0.04467289407241591}, {'the': 0.31328582520156667, 'of': 0.20573473727071637, 'their': 0.06295392570785124, 'for': 0.041782011338683436, 'his': 0.033406038659286263, 'to': 0.03203969230148035, 'other': 0.02454467983780088, 'and': 0.02406394431835095, 'with': 0.02168632581950635}, {'and': 0.13749038154120713, 'after': 0.08289396568051932, 'by': 0.07028657569286852, 'After': 0.06648022659358548, 'of': 0.05585516194834851, 'for': 0.04681347174114404, 'in': 0.037384375978733675, 'to': 0.03373336132035812, 'before': 0.02484672525358903}, {'and': 0.11624070542995024, 'laid': 0.06588293808923631, 'came': 0.05951255337510651, 'break': 0.05598026757858089, 'went': 0.05280540125958759, 'cut': 0.05269410951592711, 'lay': 0.05184077628666269, 'it': 0.048488024992327475, 'way': 0.04756293367953822}, {';': 0.04502714472333567, 'is': 0.02470902549530909, 'was': 0.01621907718471055, 'it,': 0.015186116743264583, 'him,': 0.01480426062035468, 'time,': 0.013335999172088933, 'them,': 0.0119012927248138, ',': 0.00998228872598953, 'nothing': 0.009979413773503993}, {'the': 0.6114133676998196, 'of': 0.06947779453247717, 'The': 0.04504896804081412, 'a': 0.04268222668561117, 'and': 0.03201843313319089, 'tho': 0.028870023236497365, 'this': 0.027793024402404755, 'in': 0.023674314875816532, 'said': 0.015609054426877768}, {'of': 0.10304530522695042, 'the': 0.09770313283819586, 'and': 0.0564433908945222, 'to': 0.04457808405969252, 'a': 0.0374297154127341, 'at': 0.029076997585655705, 'his': 0.020037274953866195, 'in': 0.01956387945665684, 'is': 0.017412933021596976}, {'his': 0.4984240664297311, 'a': 0.0914781499819996, 'the': 0.07816128409621244, 'my': 0.07059983140070146, 'and': 0.04700715314626033, 'her': 0.03786152188959022, 'bis': 0.0268738472374883, 'their': 0.02331339984096016, 'of': 0.01802383056499664}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'the': 0.31521977238115134, 'a': 0.23636091502616519, 'of': 0.08644919395109765, 'and': 0.043584228836160914, 'any': 0.02959726418341686, 'this': 0.021552175282615278, 'to': 0.020927873571459237, 'with': 0.020737057317688393, 'no': 0.017199104133080227}, {'and': 0.18797348305334677, 'was': 0.13446819961137113, 'is': 0.06580697880803141, 'be': 0.05591106664493677, 'have': 0.051491607833066944, 'had': 0.04373636262545968, 'has': 0.03734530499398072, 'I': 0.03359956193419943, 'he': 0.02971898993213652}, {'the': 0.20667037824032172, 'of': 0.10572585385210802, 'and': 0.07122730541166661, 'The': 0.05531198596486178, 'Mr.': 0.03773278412624447, 'a': 0.03212739370428427, 'that': 0.031254849577521525, 'this': 0.017788548250005757, 'to': 0.017515991950501974}, {'and': 0.27974600348635, 'was': 0.06165799536506933, 'is': 0.04402410198509005, 'are': 0.03772771133126203, 'be': 0.03407900211050547, 'that': 0.03275845779808194, 'were': 0.03229567161118422, 'to': 0.03218049266350868, 'of': 0.020690225841797125}, {'it': 0.15312842355074177, 'that': 0.11923243841284803, 'there': 0.10507744949736483, 'which': 0.08883159581557212, 'they': 0.07801793003795661, 'It': 0.06145949247801133, 'he': 0.05134743831789864, 'and': 0.04605478234465728, 'There': 0.03196137903636209}, {'of': 0.18528081442939237, 'in': 0.12171463242044704, 'and': 0.112349729669843, 'with': 0.09037891660696905, 'is': 0.08936410166494094, 'was': 0.07141523867149598, 'by': 0.06907087356323721, 'for': 0.06776425423913089, 'to': 0.05225863591761697}, {'to': 0.08406996136333167, 'of': 0.05590641148780986, '-': 0.05386302302813318, 'a': 0.04286307071552076, 'I': 0.03246168985844249, 'and': 0.02840949249682009, 'in': 0.02337225870424796, '.': 0.02314519838832512, 'by': 0.02145768794448855}, {'the': 0.09602999539624463, 'and': 0.07962612163683427, 'of': 0.06914724918544818, 'be': 0.05902758725806257, 'was': 0.05386169351302157, 'is': 0.05057261289062343, 'a': 0.046738966075705005, 'to': 0.03562616949563587, 'it': 0.03319644265809863}, {'and': 0.2571982275632663, 'who': 0.07937417391268346, 'he': 0.07132261244393227, 'that': 0.05531263251399195, 'I': 0.05374247469496655, 'was': 0.04880056745540903, 'it': 0.04608951154135806, 'He': 0.03649545615458678, 'which': 0.035464224071000854}, {'of': 0.27432781222827435, 'in': 0.14003834761872794, 'to': 0.10459533569551219, 'with': 0.06756455085943039, 'and': 0.06584004752095096, 'that': 0.06047918952516163, 'for': 0.05757869356193264, 'by': 0.05153374845733601, 'is': 0.049742551031037516}, {'to': 0.27412592038208783, 'at': 0.1532248984556974, 'in': 0.12317368163846479, 'of': 0.12226614695775413, 'for': 0.07531714703585232, 'and': 0.058195407473687316, 'on': 0.035266420046712356, 'In': 0.03424582089447547, 'with': 0.03321247249664243}, {'part': 0.2078291111969806, 'survey': 0.08885538452245366, 'conviction': 0.06216349200760421, 'one': 0.05611540380495833, 'payment': 0.04084519551743415, 'holder': 0.03161086999691814, 'either': 0.021236685851699133, 'sale': 0.018308681950814795, 'acres': 0.017383473213033743}, {'the': 0.08688689379393368, 'and': 0.08320860853247602, 'of': 0.07436089547526338, 'to': 0.03864718626131223, 'was': 0.028969069599428254, 'in': 0.0275913499397692, 'for': 0.022653084446767096, 'he': 0.021308785142084802, 'Mr.': 0.020252533231924736}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.32890650633849544, 'and': 0.1067416254565542, 'to': 0.09068580245734796, 'that': 0.08751923149738458, 'by': 0.054753477435850004, 'on': 0.050902008445972036, 'in': 0.05024459485941265, 'as': 0.04245274512712792, 'for': 0.04216586746366307}, {'a': 0.5291131579328191, 'per': 0.1506476201448512, 'the': 0.07431015783370722, 'one': 0.0457952498320024, 'A': 0.03382555582453656, 'and': 0.01688029211517044, 'every': 0.015835393623441087, 'each': 0.008418807184354437, 'or': 0.008333617690355042}, {'the': 0.6016666218119496, 'of': 0.06350434055064312, 'our': 0.04915539490474142, 'American': 0.039340051322990226, 'The': 0.03680205354061074, 'good': 0.03236316211105562, 'and': 0.02654771102662752, 'his': 0.02587501927727465, 'tho': 0.025168064332217986}, {'that': 0.29668276306383895, 'and': 0.1166640960241175, 'as': 0.11177814564344964, 'which': 0.10870302197061094, 'but': 0.046706551048269644, 'if': 0.037083089110207766, 'what': 0.03676218664459916, 'where': 0.036578305398074454, 'when': 0.02128965488512055}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.249588983275682, 'a': 0.09288445062463446, 'of': 0.08786531724304271, 'and': 0.07143776317911402, 'The': 0.05080420459041901, 'to': 0.029815836016086172, 'in': 0.024454824928097956, 'tho': 0.020774729255236456, 'for': 0.020495060946223217}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.14662564520269294, 'in': 0.10541762277801518, 'to': 0.08715390366139095, 'for': 0.05288665821791615, 'and': 0.04066782794449756, 'by': 0.02911734437138034, 'that': 0.02743498960609875, 'on': 0.01980567436350067, 'In': 0.019111889092232274}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'the': 0.28407116841898516, 'of': 0.18605918151335024, 'in': 0.1311778121099504, 'and': 0.07263540820807343, 'a': 0.06631525962552903, 'or': 0.04662178122764734, 'with': 0.03762546644673865, 'for': 0.03701239781378426, 'on': 0.03684883343653616}, {'of': 0.1807595144214074, 'to': 0.057003535364784585, 'for': 0.05361716932692621, 'in': 0.047085485646618304, 'and': 0.04543248271423677, 'by': 0.03185780189659278, 'that': 0.028993474101584274, 'on': 0.024664754129384178, 'from': 0.02413997158960602}, {'well': 0.14062648531228694, 'soon': 0.08263120157789061, 'far': 0.06295815254079294, 'and': 0.05865555469396523, 'such': 0.05791078996580646, 'long': 0.05299279854068471, 'so': 0.03564388278220552, 'much': 0.035287662892171556, 'just': 0.03144526903239215}, {'was': 0.22989840799088435, 'is': 0.2121676639383553, 'are': 0.08208459774326934, 'and': 0.06168763216248333, 'were': 0.054338396586135464, 'if': 0.043009428757974325, 'Is': 0.0385839038662297, 'do': 0.03205771919969017, 'as': 0.01583630018995146}, {'of': 0.17542215114335702, 'and': 0.17469372633140742, 'in': 0.05251660109968813, 'by': 0.0484846550619205, 'for': 0.04718955200542223, 'with': 0.0445167355353543, 'on': 0.041132950163005985, 'to': 0.03930899989375296, 'after': 0.03130647322593414}, {'of': 0.2098804979302875, 'in': 0.1519376211261018, 'and': 0.10161355787115015, 'with': 0.08631226232623943, 'to': 0.0825914850669288, 'for': 0.07466483521203182, 'on': 0.05251467551809127, 'from': 0.0516975042986302, 'that': 0.033853114216326294}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'to': 0.167458081200774, 'and': 0.10607319367511642, 'of': 0.030207977798707285, 'be': 0.025269874451235585, 'I': 0.022947846899503778, 'or': 0.021474810618756054, 'was': 0.02120648759714134, '<s>': 0.019966763115734993, 'at': 0.018440661372693446}, {'they': 0.1519628316043934, 'who': 0.10698979820073301, 'and': 0.06059769469148898, 'which': 0.05131337408080276, 'we': 0.05047917506873166, 'They': 0.03187961819098143, 'men': 0.024221099117326252, 'that': 0.0229622591733516, 'I': 0.017592661308142205}, {'of': 0.3170050460500828, 'in': 0.13979474856355248, 'to': 0.11270084572716109, 'and': 0.08593926319479486, 'that': 0.07949506402534695, 'for': 0.06493001862806476, 'by': 0.04294395925306938, 'In': 0.03905681975457264, 'on': 0.035783330276771184}, {'a': 0.3420273348114908, 'the': 0.10185203707937333, 'and': 0.09387235522524756, 'any': 0.07662705854608727, 'to': 0.07188521733665754, 'no': 0.06542007691806481, 'in': 0.05714868933733159, 'of': 0.05605568211905992, 'by': 0.027979507527029712}, {'to': 0.19958650636665076, 'a': 0.12691997680877992, 'the': 0.07657559101851637, 'southeast': 0.055154185614705385, 'and': 0.04616505018736404, 'of': 0.043124927400780035, 'section': 0.042967086880638765, 'said': 0.040087021397162644, 'northwest': 0.035112133163019706}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.49559753271294543, 'a': 0.1260257228250917, 'The': 0.0773274564682905, 'and': 0.07060468054876418, 'of': 0.02014938828842155, 'tho': 0.01682507350215112, 'his': 0.014015251364710702, 'to': 0.012928624773794344, 'as': 0.012854158489982443}, {'of': 0.19502621120217853, 'to': 0.134250532208379, 'as': 0.10906563166739054, 'the': 0.09019343947857612, 'at': 0.07403902635626439, 'and': 0.06527995754914345, 'in': 0.06253730284202554, 'was': 0.05467227112351374, 'be': 0.054667791024187534}, {'of': 0.16286174534625875, 'and': 0.13402425203819093, 'to': 0.11392681314963769, 'Mrs.': 0.06997102470995711, 'said': 0.04119098478058811, '.': 0.0409168425840566, 'W.': 0.03198744897212647, 'by': 0.023778980270929586, '<s>': 0.021271132127719455}, {'the': 0.4766593347027684, 'a': 0.12379837627252306, 'The': 0.06576051590738351, 'tho': 0.03617514845191163, 'A': 0.03613523645745807, 'finance': 0.03382936177764706, 'said': 0.02445474381224075, 'and': 0.024157981997138266, 'this': 0.023234679630589138}, {'to': 0.5412016962225566, 'the': 0.08548288115738596, 'and': 0.0765966269941244, 'a': 0.04679024904585245, 'will': 0.03205294798125605, 'who': 0.026742332935107232, 'this': 0.02194397611716732, 'would': 0.018669619184738646, 'not': 0.016181747718647447}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'the': 0.5342151765375106, 'of': 0.11157317422862774, 'this': 0.10911461734980747, 'said': 0.03311610667507933, 'and': 0.03243624259046097, 'tho': 0.0278168275971163, 'in': 0.02341370610175995, 'our': 0.01923123191138216, 'The': 0.015292358561567227}, {'it': 0.12157866860879069, 'they': 0.10164708682253609, 'you': 0.08712223327615444, 'and': 0.082798530542242, 'which': 0.0784665569479096, 'It': 0.07359422389759339, 'he': 0.06781150542533729, 'who': 0.05849273726452897, 'that': 0.04635549104571557}, {'the': 0.5985960363234822, 'and': 0.07183684271633212, 'The': 0.07029140123841866, 'a': 0.0618003623395746, 'his': 0.03944782504843216, 'tho': 0.0268745983891314, 'their': 0.022588072684787495, 'of': 0.019831219441721795, 'its': 0.013989713488371143}, {'of': 0.3368069124745222, 'in': 0.15208681737292432, 'to': 0.0944527184408412, 'that': 0.06883110270428695, 'for': 0.05282638204045426, 'with': 0.047265389069110486, 'from': 0.04521955772527537, 'by': 0.044723476046755334, 'In': 0.044318784604193404}, {'three': 0.5517105219184999, 'two': 0.10522766814334196, 'four': 0.05707990414035784, 'five': 0.03864342545167878, 'ten': 0.025625846277916375, 'one': 0.020529749600550186, 'eight': 0.013361125688743439, 'six': 0.012746458404140041, 'week': 0.009782431146258281}, {'and': 0.1803639710352258, 'not': 0.15253207172736724, 'to': 0.09859376572666247, 'the': 0.07487437261838403, 'I': 0.06118509370022803, 'of': 0.04952942789759555, 'that': 0.047770307428555474, 'is': 0.04515914278520457, 'we': 0.03726571468273931}, {'be': 0.21057234355564103, 'am': 0.17477856813793477, 'was': 0.1544148230021189, 'is': 0.14843019914780525, 'are': 0.09557712200633103, 'very': 0.043849788864363325, 'been': 0.04077229148734563, 'were': 0.03275493156221141, 'not': 0.030505625275854924}, {'the': 0.16213568261611772, 'in': 0.14114091991364644, 'and': 0.11355768575383623, 'of': 0.09161587094421109, 'for': 0.03684272527994627, 'In': 0.03410169584307299, 'with': 0.028152857166780544, 'to': 0.02786627514363772, 'make': 0.024762133828122253}, {'the': 0.0870933513723892, 'of': 0.07581708048806961, 'and': 0.05700879229963208, 'to': 0.036077039010730234, 'a': 0.03510848666262094, 'by': 0.022594026955321898, 'at': 0.019850246952807248, 'in': 0.01899654483507968, '<s>': 0.015592692048269508}, {'and': 0.4230772744553763, 'was': 0.14252324046892215, 'He': 0.06511036875761059, 'is': 0.062116383034822385, 'were': 0.04412296923091582, 'are': 0.0426504131227678, 'he': 0.030623056359769432, 'be': 0.021579836148921866, 'been': 0.014170414680460604}, {'and': 0.20932933565483686, 'that': 0.20551262481858149, 'as': 0.08509776299755996, 'but': 0.043618151980010296, 'even': 0.040981705438555845, 'But': 0.028458935770730373, 'And': 0.025325306862556487, 'or': 0.024077130894780596, 'and,': 0.02124396834757205}, {'at': 0.3746642814888971, 'to': 0.15833619309483077, 'of': 0.14441186408131787, 'At': 0.07118709269064108, 'in': 0.0674350094965746, 'from': 0.0380992912468079, 'and': 0.029769270260061036, 'for': 0.029594775756099433, 'that': 0.0288974136131336}, {'in': 0.5590552623047987, 'In': 0.14661058175927366, 'of': 0.051776064302579625, 'without': 0.04847782712056652, 'to': 0.03607468243380862, 'and': 0.03512638363557312, 'from': 0.03431590460460989, 'with': 0.033400649617385654, 'not': 0.016473017347855584}, {'and': 0.2776720191586188, 'the': 0.21724262495943866, 'a': 0.11433024836583654, 'of': 0.08296601274893228, 'with': 0.037196338420265776, 'most': 0.03360958724472197, 'two': 0.030849555022337143, 'to': 0.029705862812526584, 'The': 0.029674928870124594}, {'the': 0.23020216098801494, 'a': 0.06588915588236066, 'mil-': 0.05084803751168734, '<s>': 0.02197493113805878, 'The': 0.016514483009797826, 'tho': 0.008866684331026562, 'and': 0.008212395166844935, 'front': 0.005870815748786042, 'of': 0.005340883358805119}, {'and': 0.20375027157646303, 'was': 0.0951700985454174, 'the': 0.07598858646020284, 'be': 0.06176947773202757, 'at': 0.04523208519014116, 'years': 0.04358214942283863, 'it': 0.041203658620708905, 'is': 0.037715713974768326, 'to': 0.037424510307583314}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'of': 0.2212976459226293, 'the': 0.16435839939450542, 'and': 0.15833333928738907, 'from': 0.06582175546874817, 'to': 0.06576472923453698, 'in': 0.046813311857897805, 'that': 0.04287492841417843, 'The': 0.03154707222842365, 'for': 0.027760628295211965}, {'the': 0.2099673683849165, 'and': 0.08651111385014543, 'of': 0.08267920905979956, 'to': 0.058347607136269686, 'a': 0.05614936025262421, 'in': 0.02728879231763439, 'on': 0.02071682645842921, 'at': 0.019700990483632254, '<s>': 0.01943318310527746}, {'the': 0.22207346289447277, 'of': 0.12163419628705441, 'and': 0.06609085775237504, 'a': 0.06188283641730188, 'to': 0.06091087649853679, 'be': 0.054529241275217966, 'in': 0.03703597140862911, 'his': 0.0366124919244103, 'was': 0.03594747697010504}, {'<s>': 0.045646807707351335, 'in': 0.0227280334881401, 'the': 0.018142129978968073, 'it.': 0.015399631314535646, 'and': 0.00983277680794215, 'of': 0.009750026427795131, '.': 0.00955919077451577, 'them.': 0.008107226443273156, '1.': 0.008019280239302172}, {'<s>': 0.0353201223684203, 'and': 0.02427905370937338, 'that': 0.009709782929557164, '': 0.008174503585533304, 'which': 0.008056743288950789, '.': 0.005774231774161835, 'I': 0.004774974280153015, '1': 0.004476549103594905, 'he': 0.003894730957288825}, {'the': 0.3003856166805374, 'a': 0.2524629122810046, 'this': 0.1311164612024171, 'such': 0.05423265073789811, 'his': 0.04768743858659176, 'same': 0.02649341845847507, 'that': 0.023852024358930666, 'any': 0.022511841171082736, 'The': 0.022374116698766506}, {'the': 0.6450225824109421, 'The': 0.08996771837602664, 'Federal': 0.03939573505098964, 'tho': 0.029750169199296555, 'of': 0.027803446002877534, 'States': 0.024983069266963805, 'our': 0.02225438182185459, 'this': 0.01941366198732305, 'and': 0.016040068423905356}, {'to': 0.5086138525586598, 'and': 0.12646911192894952, 'would': 0.10361291544981222, 'not': 0.07411946463037937, 'will': 0.0722378385828297, 'they': 0.016024370080701216, 'who': 0.014605728592252024, 'should': 0.013954740669474495, 'must': 0.013815546724723288}, {'one': 0.03449942253114438, 'two': 0.023491301348382725, 'on': 0.019429299906998366, 'and': 0.017516755431364085, 'three': 0.011740074611957446, 'four': 0.011312316780185372, 'them': 0.00975835605376541, 'ten': 0.009442550366869846, 'person': 0.009353698746005962}, {'it': 0.1576291367554659, 'he': 0.13459774397476248, 'It': 0.10826726882962134, 'I': 0.08461074085763373, 'and': 0.05975285974172929, 'He': 0.05734503153656005, 'which': 0.04876497760852158, 'she': 0.03705536011222342, 'there': 0.03593166460502399}, {'up': 0.028819250690900692, 'him': 0.014478582025306622, 'men': 0.013031762727987943, 'down': 0.012151248328911499, 'out': 0.011706331038195435, ';': 0.011499973814788154, 'back': 0.010479897000107116, 'time': 0.009689574897584497, 'it,': 0.009333536691839945}, {'to': 0.07053196194557323, 'and': 0.06610506790991279, 'west': 0.05838303244279421, 'east': 0.05206307079369619, 'the': 0.03238694448031942, 'of': 0.03190719925274697, 'north': 0.031268929542801645, 'south': 0.018461623872228106, 'about': 0.015852727625933854}, {'be': 0.18144313282635738, 'was': 0.13534811057195426, 'been': 0.11201022473106233, 'and': 0.09345677736945651, 'is': 0.0737113106258334, 'have': 0.041712677130136516, 'not': 0.039734532425238334, 'had': 0.03518096948690954, 'were': 0.03364109606062053}, {'the': 0.1318634473197693, 'of': 0.10291804286594163, 'and': 0.09075076938347305, 'a': 0.06681189953897147, 'to': 0.04437139929634535, 'was': 0.03357503921110846, 'be': 0.027392827528629392, 'is': 0.023583161444764605, 'been': 0.01972675676024568}, {'of': 0.1091335731943304, 'the': 0.10833630414939681, 'and': 0.0661033674935186, 'to': 0.06267725537675396, 'a': 0.05404745231214831, 'in': 0.025934110732270692, '<s>': 0.023498408313238635, 'by': 0.020568174793433983, 'Mrs.': 0.016251740677017925}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'a': 0.375396646568799, 'the': 0.13299591579890252, 'very': 0.11913302712616548, 'and': 0.10608317274840115, 'most': 0.04299671691778037, 'as': 0.032804982518247, 'some': 0.03197135362905425, 'his': 0.02785017903981841, 'one': 0.02747089012456062}, {'of': 0.517314924621707, 'and': 0.08067810523808615, 'the': 0.06603287474987728, 'for': 0.03538153566266534, 'in': 0.02880230129311491, 'with': 0.02329684663107234, 'to': 0.020836978810930017, 'by': 0.010736154678176549, 'The': 0.010258515547318816}, {'more': 0.0286921756240854, 'made': 0.018048012568506685, 'highest': 0.01725305880207046, 'it': 0.016088514040098534, 'time': 0.013718968648306564, 'prompt': 0.010503096886664108, 'large': 0.010468591598434617, 'good': 0.010176776495065012, 'men': 0.01016952405413297}, {'and': 0.0943717222424482, 'of': 0.08938370806028237, 'to': 0.0881247085272805, 'the': 0.06422845713889819, 'be': 0.0535454010597728, 'was': 0.04180491909067566, 'in': 0.03169421994432248, 'for': 0.02696232705890267, 'or': 0.026145422061532034}, {'and': 0.11271272381180868, 'be': 0.09765531234090664, 'was': 0.0754469935294399, 'to': 0.04838764846664733, 'been': 0.047211403357895074, 'is': 0.04437542287545138, 'of': 0.043647776197521825, 'he': 0.038359030798239116, 'were': 0.03454211374367705}, {'of': 0.1294717287130355, 'in': 0.07950666476522067, 'to': 0.04710267624898076, 'with': 0.03993854240969291, 'on': 0.03547602874354784, 'by': 0.03290479158593534, 'from': 0.029753927545644637, 'and': 0.023984666953214252, 'upon': 0.018446833107255246}, {'that': 0.19334165128296624, 'and': 0.18742737884450153, 'but': 0.10569903914763065, 'as': 0.0761181804251399, 'which': 0.05807654670077377, 'if': 0.03936126387756893, 'when': 0.03767480503209417, 'where': 0.027471127676823876, 'But': 0.024854195042196804}, {'the': 0.8201044456348795, 'The': 0.051864728699896334, 'tho': 0.027652933325295715, 'this': 0.016812354981849825, 'a': 0.011054328890410511, 'and': 0.010727069762602029, 'said': 0.0100495384803625, 'tbe': 0.009189744905327398, 'next': 0.004411803446721038}, {'and': 0.12651949562471754, 'of': 0.07665531950968532, 'that': 0.07340181258079691, 'to': 0.04597501934635215, 'which': 0.04558067806656416, 'when': 0.03395108933286932, 'as': 0.027288947492174535, 'the': 0.02697780091683338, 'but': 0.021146433362084858}, {'due': 0.09025059176824056, 'hundred': 0.023733503461078498, 'more': 0.01794677655654272, 'time': 0.017105314619269358, 'it,': 0.01122292079046062, 'work': 0.010959058769481469, 'dollars': 0.010758587318357191, 'it': 0.010577405590988822, 'them,': 0.01053157292993735}, {'board': 0.07799092012899982, 'number': 0.07657795660977519, 'out': 0.05676976147587729, 'line': 0.05120956563837552, 'matter': 0.04668443808469366, 'amount': 0.0425680871409681, 'system': 0.03850239904946464, 'right': 0.033087922704612194, 'state': 0.03273044687198608}, {'the': 0.23146794123376815, 'of': 0.14039827833215782, 'and': 0.1035231811277399, 'a': 0.06964867650265168, 'in': 0.040501141720092955, 'to': 0.035044304497914486, 'with': 0.022546648922293525, 'The': 0.022447844998980504, 'for': 0.01794180397695108}, {'he': 0.1567544532543673, 'who': 0.1113964501232211, 'which': 0.0990784154274578, 'they': 0.08224332976568315, 'it': 0.07610300502660913, 'that': 0.0648251738952421, 'I': 0.052608625393135565, 'there': 0.04462407111357327, 'she': 0.04310565680315067}, {'to': 0.1642134788994491, 'will': 0.06641993629487007, 't': 0.06311107087190515, 'that': 0.048424843654623344, 'would': 0.04524181618375842, 'and': 0.04494422764735994, 'I': 0.03482518756574856, 'may': 0.030199577654719086, 'which': 0.023950460328769116}, {'and': 0.11698413891092042, 'the': 0.08848523994204331, 'of': 0.06731964680967994, 'was': 0.05908724329296326, 'is': 0.042202736195026395, 'be': 0.04199034673369238, 'to': 0.039391962514377585, 'a': 0.022336176749221708, 'he': 0.02217518781758062}, {'the': 0.5702340941115268, 'of': 0.07609226524041487, 'our': 0.036577245724472095, 'American': 0.03518087520670692, 'to': 0.027459201147021054, 'and': 0.02669027941476412, 'his': 0.023388326534285405, 'for': 0.021206415456501482, 'by': 0.021139791328927578}, {'and': 0.2270248598098227, 'is': 0.12143001362866444, 'that': 0.09150302112144401, 'or': 0.06857778371107426, 'as': 0.06647369550856308, 'if': 0.049305943199069245, 'Is': 0.0477531103818724, 'was': 0.040873587411777094, 'but': 0.03863915967767157}, {'one': 0.016205199953911776, 'more': 0.014850368963924498, 'on': 0.011077444877729834, 'day': 0.010651749053865015, 'two': 0.010644879159957422, 'person': 0.007819629515499037, 'in': 0.007673885993340908, 'man': 0.007480463731075341, 'law': 0.0064657706989891236}, {'the': 0.5346767910764737, 'and': 0.0658167368368625, 'The': 0.0529208786754958, 'tho': 0.0415041500304934, 'a': 0.03937133781773549, 'of': 0.03351050868959357, 'two': 0.02601179953052978, 'all': 0.02495089948018753, 'or': 0.024718974082126914}, {'the': 0.11898956057459381, 'to': 0.11204811382456481, 'and': 0.08704417173140588, 'of': 0.08064890290676931, 'in': 0.03965389771802442, 'not': 0.024207455837218433, 'I': 0.02096008848290345, 'a': 0.020382179478384978, 'or': 0.02022280579756254}, {'of': 0.24161567465009962, 'to': 0.16905420109508099, 'in': 0.14231423028342288, 'on': 0.06385688390543398, 'and': 0.05171292679111129, 'from': 0.05074219243270408, 'that': 0.05047263920790122, 'at': 0.048513564946717935, 'by': 0.036750419122688865}, {'the': 0.23014074876671203, 'of': 0.13136673893709339, 'and': 0.08388322690893796, 'a': 0.06509797254485723, 'to': 0.050634209254152775, 'at': 0.04279281090908033, 'in': 0.035078526254825014, 'for': 0.018444627114131418, 'or': 0.018208974431175928}, {'I': 0.2185038501197286, 'he': 0.2001944748325363, 'they': 0.09563359142685662, 'it': 0.06565718389236735, 'she': 0.05741356463342233, 'we': 0.04766844134102678, 'and': 0.047257927403715205, 'who': 0.03533364645128043, 'that': 0.034006789630422696}, {'it': 0.15312842355074177, 'that': 0.11923243841284803, 'there': 0.10507744949736483, 'which': 0.08883159581557212, 'they': 0.07801793003795661, 'It': 0.06145949247801133, 'he': 0.05134743831789864, 'and': 0.04605478234465728, 'There': 0.03196137903636209}, {'the': 0.15383764566440558, 'of': 0.11798392025240566, 'and': 0.08331986834014217, 'a': 0.06270706160908712, 'to': 0.04502083001974942, 'be': 0.03094815294006057, 'was': 0.02849767390589314, 'is': 0.024335782794003547, 'in': 0.02280006413352256}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.14761800290243496, 'to': 0.1017946860100655, 'the': 0.09225319975781965, 'and': 0.061840693196118034, 'a': 0.04774508702643089, 'in': 0.04442836970796913, 'that': 0.025677184373570076, 'by': 0.023539480321183144, 'with': 0.0232706117656089}, {'of': 0.26913957178729037, 'the': 0.1829805992286548, 'a': 0.08981085792246514, 'Of': 0.08665411039871411, 'this': 0.08474312763023698, 'The': 0.055496332843745215, 'that': 0.04587134406969509, 'his': 0.04409416941448685, 'This': 0.030388619227202675}, {'they': 0.1486233570669891, 'there': 0.12389474593407117, 'which': 0.060895070384667065, 'who': 0.05694040430954057, 'and': 0.05199973072738166, 'it': 0.044036193942849654, 'that': 0.034769092193415646, 'There': 0.03320062094344139, 'we': 0.03176973537156359}, {'and': 0.11466261124671324, 'was': 0.04183008781999923, 'held': 0.03556966805171333, 'Beginning': 0.02896819071614559, 'is': 0.02752856476682257, 'look': 0.026279900325162895, 'arrived': 0.02597799389057782, 'that': 0.025271294744426742, 'interest': 0.023893646310221173}, {'of': 0.3367754289661605, 'in': 0.11396015787698215, 'to': 0.09281519941340136, 'and': 0.08527622330912815, 'that': 0.061971225107270794, 'with': 0.05428038995994727, 'for': 0.05409371886030121, 'by': 0.04600800098481496, 'from': 0.034796041094525276}, {'the': 0.6605950452949055, 'a': 0.07115792702392688, 'of': 0.06585293480446265, 'The': 0.040952677628269867, 'tho': 0.034406377080364405, 'civil': 0.030640751506792976, 'this': 0.02862547449541491, 'that': 0.011461983185727095, 'for': 0.011424500698456465}, {'and': 0.057921268277516355, 'made': 0.05720454238099223, 'or': 0.027667855811310166, 'that': 0.018011544704181506, 'him': 0.017558990673212004, 'followed': 0.017527595302827884, 'owned': 0.017473857763875875, 'ed': 0.01667035337328131, 'accompanied': 0.016387667436576978}, {'number': 0.21379356031478466, 'couple': 0.13276648045614753, 'millions': 0.05774722032507961, 'amount': 0.05456269984357361, 'bushels': 0.05151536609067092, 'rate': 0.050476671017277944, 'thousands': 0.041194953382373195, 'sum': 0.03535220352767923, 'period': 0.03126248390407521}, {'and': 0.11274814005921349, 'filled': 0.04552280644347712, 'together': 0.040876129016169736, 'covered': 0.0282971971677513, 'but': 0.02462335811497986, 'that': 0.0223146245005307, 'war': 0.022005196556819047, 'charged': 0.021077791828782565, 'do': 0.020147551811620572}, {'and': 0.0876754283967899, 'the': 0.08272960675428379, 'of': 0.08215603400807728, 'in': 0.06692044777760281, 'to': 0.057493644758473274, 'a': 0.042495532047525694, 'on': 0.03704999553294778, 'for': 0.02487887606355364, 'his': 0.02064157576158379}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'a': 0.2741016852859519, 'the': 0.17309368912349574, 'is': 0.12189640033401292, 'was': 0.08269639433153692, 'not': 0.06877716336005174, 'are': 0.0608901304028421, 'be': 0.04180876550965103, 'and': 0.031227613258184905, 'been': 0.02538721675975272}, {'for': 0.41973792687253597, 'of': 0.17567744894248336, 'For': 0.06637753328546954, 'at': 0.05935590162095288, 'in': 0.05887462163535447, 'that': 0.05872001416083576, 'to': 0.05097767543712891, 'and': 0.03107211139737622, 'In': 0.019025084006231374}, {'the': 0.23943967001648353, 'and': 0.12326931169738754, 'of': 0.09080117166855571, 'an': 0.08076298678777322, 'with': 0.04543724014674078, 'impurities': 0.037379985047055336, 'by': 0.0318790275165014, 'or': 0.030052658381579785, 'for': 0.028882430754965778}, {'the': 0.2980028864007154, 'not': 0.27988750265819523, 'is': 0.06779027491411822, 'The': 0.049407477786734155, 'was': 0.04894920073429227, 'had': 0.04288211082971832, 'have': 0.04095975975799287, 'and': 0.040549733676159966, 'has': 0.03634554162880753}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.1646339242649502, 'and': 0.11343048111633207, 'to': 0.08739698899716188, 'the': 0.07860964696329056, 'by': 0.07642060344661354, 'in': 0.04129066545469092, 'that': 0.03362144199603353, 'at': 0.0300355251599491, '<s>': 0.02736525041914284}, {'the': 0.19074106442825453, 'of': 0.11135698505092065, 'and': 0.10048778603004453, 'a': 0.05683246772370046, 'be': 0.043983409059251306, 'is': 0.03884633700590884, 'are': 0.03556765465722906, 'was': 0.030347949128792073, 'to': 0.026996214275491648}, {'according': 0.07353270377193245, 'went': 0.07058944661129804, 'and': 0.059847014075009024, 'sent': 0.05665455871847548, 'as': 0.04167346052229022, 'made': 0.03243714583301772, 'go': 0.03185919470590964, 'up': 0.028632832607467733, 'subject': 0.026881672330180306}, {'the': 0.17087116299664976, 'of': 0.10190142499721039, 'a': 0.08412097900898033, 'and': 0.05260551021227671, 'or': 0.041810499317992585, 'to': 0.040100648227773907, 'in': 0.033880585424514977, 'any': 0.0240775442330798, 'be': 0.019258494327570132}, {'away': 0.0685595312030827, 'and': 0.05947730365171807, 'taken': 0.04713297570796694, 'miles': 0.04238849338315357, 'feet': 0.037991873137325716, 'come': 0.026620351016027714, 'them': 0.02581293891326759, 'out': 0.024601320188862158, 'came': 0.02386625761711021}, {'and': 0.03742381447858103, 'of': 0.029119845691831715, '<s>': 0.027405047953711688, 'the': 0.023459441298635454, '-': 0.0233586129173497, '1': 0.01832009611554963, 'by': 0.017690205617107924, 'I': 0.016522723961627725, 'in': 0.015311065633584805}, {'be': 0.2989703511038358, 'was': 0.20181097015936053, 'been': 0.12269537129282054, 'were': 0.0719740071407695, 'is': 0.06313451570287876, 'are': 0.04626825511723086, 'being': 0.04014438456206087, 'and': 0.02723095651404156, 'have': 0.019972317440894772}, {'it': 0.18799476193359307, 'It': 0.08908477585564534, 'there': 0.0782565161721338, 'they': 0.0607880603232045, 'that': 0.055266195416502926, 'which': 0.0511501671325387, 'he': 0.04987225743663854, 'and': 0.04873018340012423, 'I': 0.03700648773256737}, {'to': 0.12125503685759882, 'and': 0.11366560436910111, 'the': 0.10755394943038732, 'of': 0.0859530287029178, 'in': 0.02765256742898761, 'a': 0.023900791728749884, 'not': 0.023740175587326894, 'or': 0.022845412716315405, 'for': 0.020729169489789447}, {'to': 0.23210321227539785, 'and': 0.19688507373132638, 'the': 0.0791841100105332, 'was': 0.07873205689913522, 'be': 0.05192060929561516, 'were': 0.038152263943243045, 'votes': 0.03133707201123395, 'been': 0.030579097121809663, 'I': 0.026943644197670452}, {';': 0.02056489421766009, 'him,': 0.015534433762828755, 'it,': 0.014023285452826694, 'them,': 0.012689467778369896, 'in': 0.012216394935060862, 'him': 0.009377351769828051, 'up': 0.00894677921795434, 'time,': 0.007200679246789573, 'time': 0.006791133538651933}, {'and': 0.1364725748255221, 'of': 0.09543569031156378, 'the': 0.08256326493306614, 'to': 0.04306127271616302, 'is': 0.03483597038248473, 'in': 0.034440093011472876, 'was': 0.027662720123461673, 'with': 0.027477726144607143, 'be': 0.02644363654733801}, {'I': 0.08328314031450493, 'who': 0.08099673188194716, 'and': 0.07990169561337643, 'it': 0.07422822161376319, 'we': 0.06935755721814137, 'he': 0.06257473888309692, 'they': 0.0506021283467695, 'which': 0.03785523454998104, 'It': 0.0377155389715593}, {'the': 0.3523338196169484, 'little': 0.1246864789111036, 'a': 0.1161458328561846, 'young': 0.0633776414838769, 'and': 0.039667096206897436, 'his': 0.025898247464943062, 'The': 0.024883692053266026, 'her': 0.02160977929409395, 'old': 0.01595973862981783}, {'of': 0.25236495915294815, 'in': 0.18369014510845055, 'from': 0.14276185042605408, 'at': 0.13680414266519395, 'to': 0.060831310459644364, 'the': 0.049046564779108834, 'In': 0.04392103510666712, 'and': 0.024838221066386112, 'for': 0.012165115712291804}, {'to': 0.1358591397598473, 'and': 0.1019307878228496, 'the': 0.09703910811845616, 'of': 0.07288571616759341, 'in': 0.03503672067898878, 'a': 0.020048579898959775, '<s>': 0.017569349044846947, 'not': 0.016851831154472217, 'that': 0.015947073598091457}, {'of': 0.17560231620866176, 'the': 0.15348216976084386, 'to': 0.09025027663052264, 'in': 0.07082065467807139, 'and': 0.05781280823655543, 'a': 0.0549510898721237, 'at': 0.045715229094190846, 'on': 0.042774143770981356, 'by': 0.03972224589138705}, {'the': 0.2749118103946415, 'this': 0.05282142532546313, 'a': 0.046635216140202836, 'his': 0.035183537606802685, 'county': 0.021832597342930117, 'one': 0.018279631465590918, 'of': 0.01681963968711514, 'tho': 0.01591018881155616, 'and': 0.01572896924099322}, {'the': 0.17087116299664976, 'of': 0.10190142499721039, 'a': 0.08412097900898033, 'and': 0.05260551021227671, 'or': 0.041810499317992585, 'to': 0.040100648227773907, 'in': 0.033880585424514977, 'any': 0.0240775442330798, 'be': 0.019258494327570132}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.6016922400116921, 'of': 0.05701821493523021, 'The': 0.050321326805848623, 'and': 0.04514384967988274, 'this': 0.032923550334576564, 'tho': 0.028596374888633487, 'a': 0.027932928157144158, 'that': 0.02361165609556409, 'other': 0.01457462247990772}, {'of': 0.3289988837290615, 'in': 0.16590413931813697, 'to': 0.11417066418622847, 'that': 0.0693069835478212, 'as': 0.050102901130663305, 'all': 0.040556943218636614, 'and': 0.03829773678183845, 'with': 0.033435056719764746, 'for': 0.03190995538804496}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'and': 0.10719705245146276, 'be': 0.09389807352110356, 'was': 0.07229698354302501, 'is': 0.06685593393021591, 'of': 0.04974833336487548, 'been': 0.04071036017570111, 'to': 0.03842859307927579, 'in': 0.036942346222172406, 'are': 0.036465881671045516}, {'and': 0.10858929003350043, 'that': 0.10197189637738394, 'as': 0.06720065000034108, 'of': 0.06716423871261154, 'to': 0.048973085804781435, 'make': 0.04490872885872053, 'which': 0.04270294889136098, 'but': 0.03533274691040666, 'if': 0.03210967177713058}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'the': 0.3203930363878172, 'of': 0.3043401069987871, 'and': 0.0783231904805578, 'The': 0.04442330275590046, 'to': 0.0366204291632216, 'a': 0.035593148460896125, 'for': 0.029158106253824444, 'on': 0.026500027526832025, 'tho': 0.023992473797521473}, {'and': 0.04127286431834298, 'the': 0.03824587878885357, 'Mr.': 0.03006492970061368, 'of': 0.028233046535698688, 'Mrs.': 0.026338678388549232, '.': 0.02479481184446897, '<s>': 0.020854260885210456, 'said': 0.014531574675607516, 'that': 0.013421078812822647}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'the': 0.13058298880727842, 'in': 0.10229875937962568, 'his': 0.08622527384845485, 'and': 0.07185740588790544, 'their': 0.059018353987439987, 'this': 0.0492710529665174, 'an': 0.046649759401309186, 'other': 0.04575129388325263, 'my': 0.04347366371548317}, {'was': 0.1955675632190293, 'to': 0.17302824196955327, 'and': 0.16642609980346032, 'be': 0.10283100580658495, 'were': 0.06701193745307459, 'been': 0.048468263930737054, 'he': 0.04137132801509865, 'then': 0.03719779020259402, 'had': 0.025147042119399745}, {'both': 0.030854936248336993, 'them': 0.019142981447687196, 'it': 0.017503940559891237, 'the': 0.016952609061161503, 'feet': 0.01689414526820281, 'well': 0.016504648627939704, 'men': 0.016398830519436577, 'and': 0.01568936161731538, 'up': 0.014706821295877932}, {'Mr.': 0.28692213671722133, 'and': 0.09564605566421196, 'the': 0.06402302845345227, 'that': 0.0592311312124487, 'of': 0.032976152947665024, 'The': 0.03096760685313151, 'Mrs.': 0.02060428726562611, 'Miss': 0.017253764243575276, 'Mr': 0.017154107178954263}, {'is': 0.08457114269847026, 'and': 0.070431892947863, 'ought': 0.06451579585550601, 'as': 0.06199159931962894, 'enough': 0.050205002130507416, 'not': 0.04798935653942287, 'have': 0.040470428674392586, 'able': 0.03972861458031062, 'order': 0.03862495863864209}, {'the': 0.5349451063038594, 'of': 0.15223906575556623, 'our': 0.0495169199339471, 'a': 0.03299006184091483, 'federal': 0.03269045894902663, 'tho': 0.023826885770645848, 'in': 0.020066250351700492, 'to': 0.018208784178023917, 'States': 0.017060772022250075}, {'the': 0.3919905026054358, 'whose': 0.14675071256980776, 'their': 0.11593828418890965, 'his': 0.07999634993587906, 'The': 0.06341751330142936, 'of': 0.030248904703890443, 'my': 0.02776453653191332, 'its': 0.025111183710198662, 'our': 0.023911038605286136}, {'that': 0.15184908899470123, 'and': 0.12197354279476795, 'which': 0.09440559259915045, 'when': 0.07069247508494353, 'as': 0.06326763458574844, 'to': 0.06090439369252156, 'if': 0.03189693908362385, 'will': 0.031707243039532644, 'but': 0.02993207711120099}, {'the': 0.12399711547131044, 'and': 0.09009064043148413, 'of': 0.0655988345678247, 'a': 0.039073705875604534, 'was': 0.03346478210301957, 'to': 0.03147307204314894, 'be': 0.030361359440593604, 'his': 0.02734436869873711, 'Mr.': 0.026235326781936352}, {'the': 0.41974627674787907, 'a': 0.28035778216868434, 'of': 0.07336963554578903, 'this': 0.04666301992775496, 'The': 0.0428382339035284, 'with': 0.031578262046870614, 'A': 0.026911712907920604, 'tho': 0.02075228960676316, 'and': 0.01990045214373959}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'forenoon': 0.05766658345487863, 'one': 0.049363574848151855, 'result': 0.03947922091726161, 'out': 0.03723003931221917, 'all': 0.035923595106952574, 'part': 0.03045119664844796, 'some': 0.024150696486699225, 'much': 0.02371734611801092, 'is': 0.023574873175895468}, {'be': 0.19022600934674927, 'was': 0.15037976404353276, 'been': 0.09089865853872252, 'and': 0.08267648772405216, 'is': 0.05968512049362744, 'being': 0.04718751847060738, 'were': 0.04448559080271752, 'now': 0.03574207745831884, 'are': 0.023969313723637472}, {'of': 0.16832361841602075, 'in': 0.1428461028812206, 'to': 0.11824638698884024, 'and': 0.1052899424577902, 'with': 0.07182968684019099, 'for': 0.05669357231986519, 'was': 0.05148005653279667, 'by': 0.046313120519455436, 'is': 0.04550857904919171}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'of': 0.3377971322104518, 'to': 0.10304771128251355, 'in': 0.10190188929351149, 'and': 0.06059769608431247, 'on': 0.054556727231738836, 'by': 0.053069939458705445, 'for': 0.05230969395564192, 'with': 0.03988599904081917, 'that': 0.03957091016962275}, {'at-': 0.33440740605263997, 'the': 0.18152627338565377, 'at¬': 0.08190545574421235, 'at\xad': 0.0439957021979476, 'and': 0.018895850905514218, 'to': 0.015566162733318014, 'The': 0.010753410495393542, 'tho': 0.00997001864587701, 'of': 0.00988444584975689}, {'the': 0.6309017369848071, 'The': 0.06473319787718977, 'a': 0.05500787543650594, 'and': 0.039693373498994745, 'an': 0.03878154536641585, 'tho': 0.03836415957668329, 'in': 0.027324045174869017, 'great': 0.01899785920424073, 'of': 0.013752031310720725}, {'has': 0.08162210178856502, 'and': 0.07172488785329631, 'the': 0.06029837174784805, 'had': 0.05754475186432662, 'have': 0.05159447459661385, 'of': 0.039971017639527755, 'which': 0.027081963746897517, 'to': 0.025935143543762546, 'it': 0.0256255241086726}, {'the': 0.06980446930831424, 'said': 0.05358577716597885, 'Main': 0.039605959347519044, 'Market': 0.027358993141251415, 'High': 0.025571403960126853, 'Third': 0.025352938145338424, 'Wall': 0.019596382065792714, 'Sixth': 0.01757277242129431, 'Seventh': 0.016446641877475236}, {'the': 0.11715175623107756, 'of': 0.10718295159995238, 'to': 0.061558723544313465, 'and': 0.05548479562289871, 'at': 0.045336041142069995, 'for': 0.03395044720209303, 'in': 0.03104817340486509, 'a': 0.024028209372271615, 'from': 0.01520816602506528}, {'the': 0.810214731679423, 'The': 0.0343563822379509, 'tho': 0.0327094454565192, 'of': 0.01825336933537321, 'their': 0.015576660194808209, 'tbe': 0.014340499894536446, 'his': 0.01405499158011614, 'and': 0.012844613031089774, 'our': 0.012710292817613144}, {'the': 0.31341026287120005, 'of': 0.1984994180569551, 'to': 0.09023437168452306, 'in': 0.06724235913008111, 'a': 0.04926381306877759, 'on': 0.0367433458182365, 'for': 0.03318413366883766, 'his': 0.029625002737191247, 'that': 0.02837057918558802}, {'one': 0.016205199953911776, 'more': 0.014850368963924498, 'on': 0.011077444877729834, 'day': 0.010651749053865015, 'two': 0.010644879159957422, 'person': 0.007819629515499037, 'in': 0.007673885993340908, 'man': 0.007480463731075341, 'law': 0.0064657706989891236}, {'and': 0.24874533530736065, 'that': 0.17127629017493234, 'of': 0.1556686411660485, 'to': 0.049577401269317554, 'we': 0.03693867139861623, 'but': 0.03625952981790932, 'when': 0.034348118847861424, 'for': 0.032835961817701605, 'if': 0.03114328338378229}, {'the': 0.2898441632970849, 'of': 0.1020135707055183, 'to': 0.05321257466193284, 'in': 0.05102157161921317, 'and': 0.041923639592035065, 'a': 0.030519010064581846, 'at': 0.026830214136895795, 'by': 0.023356723020828217, 'that': 0.01791082636790786}, {'the': 0.3037860725512098, 'his': 0.15426524353103993, 'of': 0.08578018136169135, 'and': 0.06599783384151495, 'their': 0.055909700201147695, 'a': 0.05538315990882074, 'her': 0.05217083177297701, 'good': 0.036958965305391035, 'our': 0.033100585721930365}, {'of': 0.46747198286383895, 'in': 0.11808857284419834, 'and': 0.06903718824554411, 'as': 0.04288875141849295, 'the': 0.027049591786677134, 'to': 0.02334195060233257, 'for': 0.022344454753461716, 'on': 0.016949416306256824, 'with': 0.016790031664467173}, {'of': 0.16246960044445716, 'is': 0.1478935052608697, 'was': 0.12138276240027224, 'in': 0.0868135737012083, 'with': 0.0863446161194735, 'and': 0.07712879291749639, 'to': 0.07560101529213192, 'for': 0.055196310063744564, 'as': 0.0530820997748085}, {'the': 0.23931454778424324, 'of': 0.12521566833174086, 'and': 0.08248639999637948, 'a': 0.07601883248984374, 'in': 0.022055941216950765, 'to': 0.019274090537492655, 'or': 0.017712219588990254, 'The': 0.017414931862003668, 'tho': 0.015369401914094733}, {'of': 0.34708783260881565, 'and': 0.1366775498272535, 'that': 0.11403806935374675, 'all': 0.06554426987992795, 'by': 0.05536389444073956, 'to': 0.04054027846149167, 'for': 0.03757453483908723, 'with': 0.03319004979909138, 'as': 0.027035072410464146}, {'the': 0.6249966152766817, 'a': 0.07550514408284818, 'his': 0.06502780315828709, 'The': 0.04485130186173813, 'tho': 0.04280517306203411, 'our': 0.02070091817712491, 'their': 0.017509932545752928, 'tbe': 0.01408742954009943, 'her': 0.014017307791126745}, {'as': 0.08657797526309238, 'according': 0.06504104516289852, 'up': 0.06393582727810018, 'and': 0.05042692975322659, 'went': 0.041864397827491885, 'back': 0.04041792658204181, 'regard': 0.03838902520978656, 'feet': 0.035625216698284994, 'down': 0.03295035546811331}, {'and': 0.1740921308516838, 'fact': 0.10296893552732798, 'said': 0.06775934064569537, 'so': 0.06170147515008412, 'believe': 0.044747527846156876, 'is': 0.039237671069414545, 'say': 0.03638906993607297, 'know': 0.03570010857526975, 'found': 0.030642982457610934}, {'chs.': 0.15094338635652554, 'ft.': 0.04739009495054695, 'and': 0.04002126641134204, 'right': 0.026036770547600945, 'went': 0.02498876921771145, 'as': 0.024036387878076236, 'order': 0.02327147331387907, 'him': 0.021774191268440834, 'made': 0.020583379371132287}, {'together': 0.06521163762453669, 'and': 0.051687394071831656, 'filled': 0.03881128513957994, 'charged': 0.03375062288163766, 'up': 0.030773525030449313, 'covered': 0.0249768065566227, 'it': 0.0205802017725272, 'him': 0.01671401128698669, 'connected': 0.016315022601710607}, {'<s>': 0.07015074674228147, '.': 0.019466587330663292, 'it.': 0.016059089928436444, 'them.': 0.015583471582646072, 'him.': 0.007619262168483674, 'time.': 0.006408457365402767, 'her.': 0.006042992990783986, 'country.': 0.00586008460075187, 'year.': 0.0051342468516101586}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'J': 0.09477595241370308, 'and': 0.0828439165586591, '.': 0.04445384790597241, 'to': 0.0378046516162885, 'the': 0.03525961706154324, '<s>': 0.0316056895162783, 'W': 0.028153989971961915, 'of': 0.027135102119442752, 'as': 0.023561670042181567}, {'the': 0.09207719455774811, 'of': 0.06778029400866775, 'and': 0.06443675132084614, 'be': 0.0566380259186732, 'to': 0.05447525573808333, 'was': 0.04838482530666679, 'is': 0.03608559601486139, 'a': 0.02824795808018061, 'are': 0.02734927276287514}, {'the': 0.3387077237883201, 'this': 0.07784632812896626, 'that': 0.061532538979124106, 'any': 0.04966483961753233, 'in': 0.03864204731000994, 'and': 0.034383288722262734, 'of': 0.03413169362096609, 'The': 0.031230195710892278, 'tho': 0.022450631814462354}, {'to': 0.3034111122274584, 'will': 0.24492622935050615, 'would': 0.08558491160471235, 'shall': 0.07878750410335211, 'may': 0.06071182428244332, 'should': 0.059651404701431224, 'not': 0.04329365541371304, 'must': 0.03922345881213133, 'can': 0.03684459828531283}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.44514278212655917, 'and': 0.07051198058830045, 'of': 0.03162909216660657, 'in': 0.03134628661955438, 'The': 0.028466592220229264, 'tho': 0.02732693744547685, 'a': 0.02578009045668916, 'to': 0.019194301614434153, 'on': 0.015991381032402534}, {'a': 0.45898656941272004, 'the': 0.32899841946848496, 'feet': 0.044489684581630336, 'tho': 0.030958306794127016, 'inches': 0.02561519742985565, 'The': 0.023383814402120576, 'A': 0.01861245991447402, 'of': 0.014297463416049157, 'and': 0.012658566436696697}, {'be': 0.19783134493164029, 'was': 0.1416028834177442, 'and': 0.1110454609554269, 'are': 0.08394889990708755, 'been': 0.08128038052917869, 'is': 0.07720604679280524, 'were': 0.07595727449699277, 'he': 0.02992687767744357, 'well': 0.027540343312162565}, {'the': 0.19634431302116545, 'of': 0.12206441494397055, 'and': 0.08482283444729835, 'to': 0.0632707297327558, 'a': 0.052394947135923686, 'in': 0.03607606212879015, 'be': 0.03309977842674854, 'was': 0.027104480397748806, 'is': 0.02554799072623878}, {'and': 0.08635914684856193, 'of': 0.055588586711015096, 'the': 0.05526903140431101, 'to': 0.044873909632877726, 'be': 0.0424401089435005, 'was': 0.03906036388162528, 'is': 0.03185490105460958, 'in': 0.024827075894436897, 'been': 0.02140594072855324}, {'the': 0.469923141010501, 'Federal': 0.0650935042171588, 'The': 0.04778837174619065, 'States': 0.042977909537439865, 'and': 0.04195341210296659, 'of': 0.03596736080068418, 'our': 0.03234246109949929, 'that': 0.02480613833739653, 'tho': 0.020364497723299253}, {'of': 0.2566187637694596, 'the': 0.21866904974398446, 'and': 0.044914643779260514, 'in': 0.03604707082703066, 'a': 0.03411906578594593, 'his': 0.025922376876961962, 'to': 0.025569028081433878, 'their': 0.02365224487116324, 'on': 0.02364307550635146}, {'the': 0.524781973990814, 'a': 0.0634881305784529, 'of': 0.05531087832886007, 'tho': 0.03407901767887686, 'his': 0.025143728446873393, 'our': 0.024027415698695972, 'one': 0.018347546592815064, 'said': 0.017451792866101445, 'in': 0.015068707746784286}, {'a': 0.07519230385144648, 'would': 0.06576848792159931, 'something': 0.06109361053157669, 'and': 0.05343983207946272, 'looked': 0.047374509274134356, 'was': 0.047316567158880586, 'much': 0.040436182331302646, 'is': 0.038649465759912204, 'not': 0.030957544615523573}, {'of': 0.17634043243354008, 'the': 0.10027595716320827, 'and': 0.08013567961347191, 'a': 0.07554284613390241, 'to': 0.06712947219085971, 'in': 0.05307136423855122, 'was': 0.029363470350612816, 'with': 0.028132424339619495, 'is': 0.028105455117893318}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'No.': 0.20339366934776945, 'July': 0.11971345660968274, 'March': 0.08536709987919784, 'block': 0.0795184863367457, 'Block': 0.05769646137184941, 'May': 0.05364743980693567, 'lot': 0.0507344970180068, 'January': 0.048035899894485035, 'April': 0.034718878744617175}, {'those': 0.18481188138989146, 'man': 0.09709219872078853, 'men': 0.09690188780617205, 'and': 0.06383672888910161, 'people': 0.03611224499366676, 'one': 0.0306480642828366, 'Those': 0.026321236536397567, 'persons': 0.021536285701135936, 'all': 0.02131882252417058}, {'one': 0.11951205383746463, 'part': 0.06930852159314116, 'out': 0.055396996788383245, 'some': 0.03651560234111505, 'members': 0.03575528720897123, 'side': 0.034797807290545296, 'portion': 0.02564295558507533, 'office': 0.023776509619088875, 'member': 0.02292688897887676}, {'turned': 0.1751284410212415, 'went': 0.11674406095970527, 'was': 0.06676308827408081, 'go': 0.057223464811551356, 'all': 0.050720452321337234, 'come': 0.048579172378151354, 'is': 0.039305321408933384, 'came': 0.03528311504344192, 'and': 0.03374074342594325}, {'be': 0.2812153162420564, 'was': 0.1628841715250053, 'been': 0.12390046781200255, 'is': 0.10831044922843973, 'are': 0.06267314471978719, 'were': 0.053381071354105435, 'and': 0.02989469164185492, 'being': 0.02829911722242327, 'Is': 0.017810273194387542}, {'of': 0.2899663250675669, 'to': 0.1408165966044421, 'in': 0.11796647805124844, 'for': 0.07298718488918546, 'that': 0.07165659690324472, 'and': 0.06303743705681217, 'by': 0.0520557906816858, 'with': 0.040356814082673026, 'is': 0.03814446487596648}, {'ves-': 0.4149913165786951, 'the': 0.10860172537278868, 'coun-': 0.0934685295000804, 'and': 0.0793236971328136, 'of': 0.053762677440100215, 'a': 0.04634943434321222, 'to': 0.029445888460362966, 'in': 0.026983053118114043, 'for': 0.01535049810035832}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.12999259367753563, 'made': 0.03420551973595383, 'necessary': 0.031596147693165294, 'provide': 0.022959343714238887, 'him': 0.02160911313447653, 'time': 0.02070497135111439, 'but': 0.02014273479922088, 'pay': 0.019867172474670722, 'responsible': 0.019205389400596923}, {'of': 0.18494227492484588, 'in': 0.16047072917871816, 'and': 0.10952753359936718, 'to': 0.08245727548824272, 'that': 0.060856145378242785, 'for': 0.057958419881012094, 'with': 0.05202445715112639, 'by': 0.03161357435915022, 'on': 0.031301615158879796}, {'of': 0.154807578239785, 'in': 0.15366220213305495, 'to': 0.10691094693528244, 'for': 0.08179067686464095, 'with': 0.0724396447848151, 'by': 0.07026537530147776, 'and': 0.05501082589202556, 'is': 0.05284793286372611, 'such': 0.05026895883519174}, {'the': 0.23513140886926295, 'of': 0.13736260362888433, 'in': 0.0695527189473536, 'to': 0.06520529529294965, 'a': 0.044962037461321075, 'by': 0.04191811078753895, 'and': 0.03583788212129015, 'that': 0.029375343889495642, 'The': 0.024591217049943735}, {'the': 0.189457428233043, 'of': 0.11882600932756598, 'and': 0.05791987473595441, 'a': 0.046687259946739626, 'to': 0.04350890840638531, 'in': 0.029605854121370928, 'was': 0.02201505071990504, 'his': 0.021304625325945625, 'be': 0.019583840583216175}, {'of': 0.5413065705313704, 'in': 0.09306780104569697, 'to': 0.0758267685239681, 'that': 0.062238725383973945, 'all': 0.03684584488236578, 'and': 0.03559631064648375, 'by': 0.027303984122907472, 'for': 0.02666266877349418, 'with': 0.025031719216134948}, {'to': 0.11159742652614284, 'the': 0.09475211726597783, 'of': 0.0800366345467436, 'and': 0.07669328387938781, 'a': 0.031299908429035586, 'in': 0.024516242772548654, 'at': 0.024202315567665434, 'for': 0.018413494729606156, 'is': 0.01709136143980549}, {'the': 0.6204438587585499, 'The': 0.08222458168885105, 'tho': 0.05425003232706135, 'his': 0.045581550578427804, 'our': 0.02526957962895885, 'of': 0.024420294111497105, 'tbe': 0.0223426998381858, 'this': 0.02006951979793515, 'my': 0.019459565549193224}, {'it': 0.17271748135885118, 'It': 0.1634701665927948, 'This': 0.114649717168125, 'which': 0.07060569815304507, 'that': 0.06206066835803908, 'this': 0.05595527987103594, 'and': 0.040139838520179334, 'there': 0.03647213271263341, 'he': 0.02983275606289565}, {'is': 0.13201882280323238, 'of': 0.12979831106323447, 'with': 0.12565933550610095, 'such': 0.11220857258295422, 'in': 0.10546028996717306, 'as': 0.07856612414624914, 'by': 0.07465934551851737, 'to': 0.05653891854231768, 'was': 0.05599451408514163}, {'the': 0.8755797476116282, 'tho': 0.04709379215320982, 'The': 0.020130963601019455, 'tbe': 0.01466804709372005, 'of': 0.010574165244503995, 'and': 0.002871685914133983, 'by': 0.0026580039900888745, 'a': 0.0025945275519880817, 'tlie': 0.0017743175034829254}, {'of': 0.4390308840619888, 'to': 0.1514995676622691, 'in': 0.09685757697995549, 'on': 0.06082004123304659, 'by': 0.039078185145679296, 'at': 0.03414745710048063, 'from': 0.03135673726920416, 'for': 0.030144496620391464, 'with': 0.025870185106587684}, {'to': 0.25423255869926115, 'I': 0.10504377946567384, 'and': 0.08461616635072339, 'will': 0.05811904687373749, 'can': 0.04704444947218944, 'they': 0.0464717373436926, 'we': 0.04083282289822748, 'not': 0.036624988485214366, 'would': 0.03119304040267868}, {'they': 0.12897694582293265, 'we': 0.12789725589375697, 'he': 0.11987699303309149, 'I': 0.11702734251909079, 'and': 0.09267451926814267, 'it': 0.07140860168311466, 'who': 0.05463717152301097, 'which': 0.043415472375941205, 'you': 0.04293894473447569}, {'be': 0.26688078394662906, 'was': 0.10977564591846678, 'been': 0.09804677710800273, 'is': 0.09780975982176005, 'and': 0.06941213583202924, 'are': 0.058968504453851364, 'were': 0.04642810475159757, 'have': 0.043139442320092904, 'not': 0.031141769518678527}, {'the': 0.13289897607726917, 'and': 0.1283687260271318, 'his': 0.08021221637299651, 'to': 0.07674495154820475, 'per': 0.062293092469988876, 'a': 0.04704011136063783, 'my': 0.045712593568290244, 'this': 0.0413778935729272, 'be-': 0.02729605281999493}, {'the': 0.23931454778424324, 'of': 0.12521566833174086, 'and': 0.08248639999637948, 'a': 0.07601883248984374, 'in': 0.022055941216950765, 'to': 0.019274090537492655, 'or': 0.017712219588990254, 'The': 0.017414931862003668, 'tho': 0.015369401914094733}, {'there': 0.030094536109478213, 'mortgage,': 0.024343737687029254, ';': 0.02418857938034627, 'it,': 0.015043003690416659, 'cause,': 0.014395102099593205, 'mortgage': 0.010477784793260059, 'them,': 0.010168994094800824, 'States': 0.008511613976471792, 'you': 0.007662911547574984}, {'and': 0.24068324430872148, 'that': 0.10604740256049393, 'as': 0.07046234837889664, 'but': 0.038596787626128684, 'even': 0.023667155008975708, 'But': 0.021936722882257325, 'And': 0.01464299647308938, 'or': 0.014158512444007055, 'see': 0.01410936791349967}, {'and': 0.15805984749242133, 'the': 0.08378193004643959, 'of': 0.058817388565497244, 'his': 0.05575451159394343, 'her': 0.031410515281496174, 'their': 0.026837222441672724, 'that': 0.025257623996966752, 'our': 0.016113685909856772, 'for': 0.01564626723499921}, {'is': 0.17667790598464808, 'and': 0.14739688762527509, 'was': 0.13813354329689276, 'that': 0.08598901676169714, 'had': 0.0640124630600786, 'have': 0.0622033155040857, 'be': 0.047489383965156715, 'of': 0.045837376757349294, 'with': 0.0426825953493206}, {'they': 0.21167671512132435, 'there': 0.11579716142678978, 'There': 0.08591624941693979, 'who': 0.07725821038260766, 'we': 0.07109298458741337, 'which': 0.06574586601398315, 'They': 0.06479680910633677, 'and': 0.0366636618413134, 'that': 0.03500360136091562}, {'the': 0.5750563075935456, 'of': 0.11764584504521411, 'tho': 0.04057077344027069, 'and': 0.030395156886746693, 'The': 0.028741465056792346, 'surface': 0.02737923317836565, 'on': 0.024784372855711976, 'a': 0.023477717703951302, 'to': 0.01991876175139002}, {'of': 0.2409153400279071, 'the': 0.10966837769001878, 'in': 0.09748479979230776, 'and': 0.06164223755535414, 'to': 0.048824167823678696, 'for': 0.02743298529242385, 'from': 0.024991849488595255, 'In': 0.024160304876296095, 'by': 0.021858294836877123}, {'plat': 0.3719533217552991, 'part': 0.11277148050323076, 'much': 0.11133614448821026, 'copy': 0.04224033278764462, 'amount': 0.034910488688741415, 'survey': 0.029104560743668927, 'payment': 0.022153109544035633, 'holder': 0.01978940245258222, 'conviction': 0.018795881454235778}, {'the': 0.4266846363270176, 'a': 0.14972093760903113, 'town-': 0.03698998579806707, 'wor-': 0.03538617560331369, 'The': 0.02480218902070042, 'tho': 0.022020843587523167, 'of': 0.019846670753328348, 'and': 0.017122718007982422, 'or': 0.017073697203587087}, {'and': 0.04395605325333388, 'as': 0.035368097876184335, 'went': 0.026732303537352887, 'him': 0.024960146821665617, 'them': 0.02131826570140227, 'up': 0.020437428071607887, 'is': 0.02033371079383083, 'go': 0.019516380738800413, 'able': 0.01904133100083682}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'and': 0.11351428024652795, 'that': 0.05476680567975612, 'as': 0.04662271163324648, 'which': 0.027641886212329173, 'the': 0.02736666901271361, 'of': 0.024941579900199635, 'but': 0.02393966406647771, '<s>': 0.023378083982674405, 'when': 0.021076972074116566}, {'the': 0.6872769463419974, 'of': 0.08019450920690595, 'a': 0.04718972499082797, 'tho': 0.0382900449881647, 'and': 0.019564811307144513, 'in': 0.019519505602062115, 'The': 0.016918923750325793, 'tbe': 0.011538815460091934, 'by': 0.00922466706317177}, {'that': 0.12831872644740377, 'and': 0.126663941247664, 'had': 0.07506388659260793, 'but': 0.07049459831778987, 'is': 0.06591398960689934, 'as': 0.06262931474779967, 'have': 0.06255941414565483, 'Is': 0.049473449221132004, 'make': 0.04910881991790223}, {'and': 0.10621357103659904, 'of': 0.09592475021597927, 'as': 0.0933664698463147, 'the': 0.07498329443544682, 'to': 0.050713985015591476, 'be': 0.03665821157222504, 'such': 0.035312510153626214, 'much': 0.0306652819635511, 'in': 0.028081642731827273}, {'and': 0.18464973492550665, 'be': 0.14648166699236956, 'was': 0.11354361652361457, 'he': 0.1046730050250333, 'I': 0.08847256902849841, 'have': 0.06356215554735538, 'is': 0.05644365825736412, 'had': 0.05408011922375679, 'has': 0.043677371233784665}, {'of': 0.15621610289170207, 'in': 0.1456470197869715, 'the': 0.13733632274258722, 'their': 0.06603494516267512, 'his': 0.06267177963088107, 'for': 0.06084632091217952, 'and': 0.04929130637043388, 'In': 0.04753607442744395, 'a': 0.04518372029007483}, {'and': 0.057038190327023994, 'covered': 0.051013421453847886, 'filled': 0.04328094891306923, 'compared': 0.03916171733233747, 'accordance': 0.037362632415420656, 'connection': 0.032495029839879924, 'together': 0.028509618421168288, 'parallel': 0.02677630823213703, 'charged': 0.025460510661081667}, {'of': 0.3161755642161961, 'the': 0.20562587705281737, 'in': 0.14025161195499303, 'by': 0.13379636188669233, 'to': 0.051791024396234425, 'In': 0.025590551625485857, 'which': 0.02493087441112178, 'on': 0.024115028334353795, 'that': 0.019091052083787557}, {'of': 0.17546167940576876, 'the': 0.16793121599849067, 'to': 0.11973729268127109, 'and': 0.09567640761241722, '<s>': 0.02961771776783962, 'an': 0.029071718578305903, 'in': 0.02866090396589553, 'or': 0.02215556047756776, 'last': 0.020583216674724947}, {'and': 0.1314927008509583, 'to': 0.09586888320735036, 'of': 0.05324651059986917, 'which': 0.035614472814918516, 'for': 0.03312260996629697, 'that': 0.032903107984603545, 'in': 0.03009557336459024, 'or': 0.02975737777441047, 'the': 0.027696222816401224}, {'of': 0.3989688493971628, 'in': 0.3212962247733647, 'In': 0.05560881883348658, 'to': 0.05559976333594376, 'for': 0.05442193740929281, 'by': 0.026292193396202954, 'from': 0.017244121361366455, 'on': 0.01677141759800801, 'with': 0.013025006584958866}, {';': 0.01241769519610228, 'it,': 0.010497474783652823, 'years,': 0.00971317453265634, 'here': 0.007079800179127054, 'them,': 0.006998078365301949, 'him': 0.006910021424266259, 'it': 0.006793717867499514, 'time,': 0.006764528061041298, '<s>': 0.00670020130321621}, {'contained': 0.13998791982081818, 'described': 0.1348790544648034, 'stipulated': 0.10407512578119149, 'recorded': 0.05812799664616946, 'and': 0.05674488223029731, 'situated': 0.05230877718002677, 'interest': 0.04858719702032379, 'interested': 0.039407244749434356, 'filed': 0.019730525973295734}, {'costs': 0.022068347223974952, 'time': 0.014963617261763831, 'one': 0.014882425425384139, 'men': 0.01209645835170478, 'in': 0.011546474270545393, 'up': 0.010509053690633596, 'good': 0.010041960054675711, 'large': 0.009166186251049134, 'house': 0.008965476824621206}, {'is': 0.1708655152633319, 'ought': 0.0819023190668342, 'are': 0.07975496884061106, 'seems': 0.07482809037808538, 'was': 0.06507159673083987, 'not': 0.0637472352748117, 'said': 0.05098090732095591, 'seemed': 0.04230099882738072, 'as': 0.04061462033488558}, {'the': 0.4254818737851868, 'a': 0.08049433431662374, 'and': 0.05930930267323362, 'The': 0.03503968309973853, 'tho': 0.03217820472887172, 'of': 0.0215624743639759, 'tbe': 0.01598068135879698, 'in': 0.015272593293476569, 'or': 0.01427180979164583}, {'and': 0.13280244584247217, 'is': 0.09959385752149963, 'fact': 0.07511618546377091, 'know': 0.042470001379892874, 'so': 0.040354402801890905, 'say': 0.035951172651469514, 'said': 0.030990063660399664, 'but': 0.030039539557273173, 'was': 0.029826677718007975}, {'the': 0.2770168313151416, 'and': 0.10944721076629603, 'of': 0.10001615729969184, 'a': 0.08815443109592216, 'in': 0.03609957134470265, 'as': 0.02649740615953468, 'with': 0.02612812651069277, 'be': 0.025730836471969453, 'by': 0.025679980226886542}, {'be': 0.19941531574798757, 'is': 0.10604178832162355, 'was': 0.0998174402393174, 'and': 0.09250231118753939, 'are': 0.07590070042291727, 'been': 0.06996274016432263, 'were': 0.05654716372416904, 'coupons': 0.03959218547764848, 'being': 0.033497813914735684}, {'the': 0.09308027798089082, 'Mrs.': 0.09163183621909278, 'and': 0.09102212294560878, 'Mr.': 0.06376628293529739, '.': 0.03449052954528272, 'Miss': 0.03214506624220855, 'of': 0.02455785554871726, '<s>': 0.024424814662928077, 'Messrs.': 0.01744691648667227}, {'that': 0.07261224939571302, '<s>': 0.06027106442135161, 'as': 0.028853327279270403, 'and': 0.026132286550071257, 'it.': 0.025262214438671837, 'which': 0.019305464555327275, 'but': 0.01783020988620482, 'of': 0.012679034966600727, 'them.': 0.012227148673212057}, {'of': 0.3273789798837797, 'to': 0.1603804561379858, 'in': 0.12168239511986807, 'on': 0.08637813756178843, 'by': 0.058961864504027184, 'at': 0.05815986681080826, 'from': 0.05129659389956803, 'with': 0.03944002654347737, 'for': 0.03433308775924685}, {'of': 0.2881084852611035, 'to': 0.11695042359810433, 'in': 0.11612425883348357, 'and': 0.0676209513584755, 'with': 0.059999875551068116, 'for': 0.053652151003525876, 'on': 0.051676945102502155, 'by': 0.04093520255770849, 'from': 0.038827044671752485}, {'the': 0.5872236814281907, 'a': 0.1375830939564756, 'The': 0.03726357395803145, 'and': 0.033160184707360395, 'tho': 0.027182916747056116, 'to': 0.01908295124465867, 'this': 0.011810403741958003, 'tbe': 0.009575888391998884, 'his': 0.009188872921451758}, {'carry': 0.18098225799421191, 'through-': 0.16433880343623636, 'with-': 0.10367807475858372, 'carrying': 0.059295424892172356, 'pointed': 0.04770438717273184, 'and': 0.042444624711360034, 'sent': 0.03942942034082662, 'brought': 0.03520920088127737, 'carried': 0.0346892161817757}, {'looked': 0.06684868667595914, 'it': 0.06635916873125101, 'gathered': 0.05644853133643139, 'arms': 0.054517189967493, 'all': 0.05270453175198627, 'look': 0.04219107672152646, 'and': 0.039054233583167564, 'him': 0.035060695659784744, 'arm': 0.028665686230356223}, {'the': 0.32952517132585424, 'a': 0.1039578298881912, 'of': 0.08622103117931441, 'and': 0.05915065297505937, 'in': 0.038110624145157194, 'to': 0.032391251838675264, 'The': 0.031086554519380992, 'tho': 0.021322592279702842, 'an': 0.0194517718044547}, {'and': 0.09271253900205512, 'was': 0.038993459204631875, 'is': 0.031237611103086815, 'that': 0.030653916617689146, 'it': 0.027361958872102275, 'as': 0.025012708047552047, 'be': 0.023544023845559998, 'them': 0.022293170997574118, 'up': 0.022148852022813727}, {'of': 0.2946195759783249, 'the': 0.2384465894524694, 'and': 0.10699377420317535, 'in': 0.0640211963940004, 'by': 0.02945879391941394, 'a': 0.02391955191094269, 'from': 0.022008584490499646, 'with': 0.018466939358082794, '&': 0.016217127764517354}, {'and': 0.07032326473528328, 'was': 0.03438382823843248, 'is': 0.02231142325657922, 'be': 0.021600734147639425, 'are': 0.0185118201911582, 'that': 0.017709881438798314, 'it': 0.01573065709475742, 'been': 0.014948570221351388, 'made': 0.014640674903629372}, {'and': 0.0904431844551566, 'connection': 0.08740898779178326, 'together': 0.0728702766826445, 'connected': 0.07087246005277763, 'accordance': 0.048727248021026605, 'comply': 0.02862075658235824, 'up': 0.027317754857046555, 'do': 0.02694038119481177, 'compared': 0.025035820365123265}, {'and': 0.1297538560806305, 'was': 0.04163344547414521, 'Beginning': 0.02805317382419766, 'that': 0.02542781629258638, 'is': 0.025387304830479206, 'look': 0.02387497556728789, 'sold': 0.02370484772127865, 'looked': 0.02356743473599626, 'held': 0.020408542749406074}, {'Mr.': 0.014163608008842088, 'due': 0.011217712222033329, ';': 0.010469892820981819, 'in': 0.009753165424928604, 'thereof,': 0.008204104000198175, ',': 0.008004033997853212, 'up': 0.007044208188466565, 'men': 0.006846628280276383, 'one': 0.0062371138492293594}, {'was': 0.16792229307645232, 'is': 0.14707506305457335, 'are': 0.11675511486490273, 'and': 0.08333604505970243, 'been': 0.0818125164941047, 'be': 0.06470256880137755, 'were': 0.05593069912480161, 'not': 0.043797324561114896, 'of': 0.02348286304355444}, {'is': 0.11837064984994475, 'was': 0.10696225704064606, 'be': 0.05475637434470802, 'are': 0.0544767262110608, 'and': 0.047062635955927815, 'go': 0.043339103687598086, 'him': 0.04151833447724785, 'found': 0.03511959308802905, 'were': 0.034808921355929466}, {'of': 0.14376401687772444, 'in': 0.11811168187846208, 'by': 0.09264686859573026, 'and': 0.08234224427152899, 'for': 0.07958251974836099, 'that': 0.0729071708266755, 'to': 0.06469494181368356, 'with': 0.05323176072055287, 'was': 0.0463454727720255}, {'on': 0.3592624103148504, 'at': 0.18722485225788635, 'of': 0.03335374215969167, 'the': 0.020221317363798893, 'Mortgages,': 0.01891555957668676, 'and': 0.018565826787710148, 'mortgages,': 0.01390554027683187, 'from': 0.009584054790585043, 'deeds,': 0.0083965430529374}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'No.': 0.0697545977195166, 'and': 0.0565542553469394, 'the': 0.04831850601981713, 'of': 0.045616366750856424, 'at': 0.03203948059901627, '.': 0.0292016235220659, 'a': 0.02888923272038138, 'said': 0.02404369511475071, 'to': 0.022727161690892724}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'.': 0.07384845890210262, 'A': 0.055578693313082295, 'J': 0.04623328782710208, 'E': 0.04604450102728523, 'and': 0.045025811714019565, 'A.': 0.04278276681673739, '&': 0.04131532010424602, 'J.': 0.037857309926724675, 'of': 0.032036409821612676}, {'the': 0.5344937704375236, 'an': 0.25259467945260944, 'The': 0.09439050694006829, 'and': 0.024836875175775836, 'tho': 0.02309240403906899, 'An': 0.013297486308252927, 'fair': 0.010534084587217347, 'a': 0.010286465777425558, 'their': 0.009944226931285952}, {'the': 0.22498201442902147, 'a': 0.2014391318086266, 'and': 0.08478325917704203, 'of': 0.07407622426248069, 'to': 0.05061561500387504, 'with': 0.036561572553121556, 'in': 0.031116049061073407, 'for': 0.031115255239280805, 'The': 0.02691671715516755}, {'the': 0.0937119361963273, 'and': 0.07909084878114386, 'of': 0.07592279866551538, 'to': 0.06671400319394838, 'a': 0.05851040078053075, 'in': 0.03495981075501248, 'at': 0.024455733624054486, 'or': 0.01969139200426022, 'that': 0.014648235167712752}, {'the': 0.11382116945330961, 'and': 0.07700066503723448, 'of': 0.06048485730485638, 'from': 0.058203689279463226, 'a': 0.05339336703040383, 'to': 0.04353508563951286, 'be': 0.04192348776262037, 'was': 0.035835771571865994, 'is': 0.03130620699805345}, {'of': 0.28726065255184186, 'the': 0.16461942664841853, 'a': 0.11489346102299079, 'to': 0.10724332971701282, 'in': 0.06320320531375817, 'and': 0.043993871182635855, 'for': 0.03699469890092599, 'or': 0.033328527654091326, 'with': 0.029597279817239287}, {'of': 0.3597507014837888, 'in': 0.12274466611474807, 'to': 0.11886380623615195, 'that': 0.05590774190777369, 'for': 0.05292883228282613, 'and': 0.05208024064144284, 'with': 0.04366752806925277, 'by': 0.040820496056518024, 'In': 0.03917076471565904}, {'be': 0.2996276396529368, 'been': 0.18553217867436936, 'was': 0.15120526924377564, 'is': 0.06258220011147508, 'were': 0.0561875247632324, 'are': 0.04515972185235729, 'has': 0.03360753666553023, 'being': 0.033479222060030914, 'and': 0.03278045108177918}, {'as': 0.057718841052875794, 'and': 0.03992217504004854, 'went': 0.03518401810814926, 'up': 0.032814880059729226, 'go': 0.027517768939322493, 'it': 0.02562015994128436, 'return': 0.025353828505404914, 'back': 0.023600828369758388, 'returned': 0.022879670836029348}, {'the': 0.2348742483580354, 'of': 0.0998171358834496, 'to': 0.0547452566260043, 'and': 0.049821566186533356, 'a': 0.04535772350424651, 'in': 0.03458237975736316, 'for': 0.028475705146581435, 'that': 0.017844601301201742, 'on': 0.015727881882651132}, {'hundred': 0.02393195283001832, 'up': 0.005621212632205394, 'men': 0.005502320541796878, 'Hundred': 0.0048792040582165686, 'John': 0.004529867789794422, 'William': 0.004501814619579519, 'him': 0.004118462347127255, ';': 0.004098247073890088, 'due': 0.0038153536109000376}, {'the': 0.12284399031810564, 'to': 0.07133680723604792, 'and': 0.06878901315975035, 'of': 0.06814293179722006, 'a': 0.023678503626389888, 'was': 0.02230742740809192, 'at': 0.018819366256395083, 'on': 0.018679873120858514, 'be': 0.01736817913013125}, {'and': 0.09228710415831193, 'was': 0.06371083081128043, 'the': 0.06296267715405028, 'of': 0.059600840984771086, 'be': 0.059074778212697215, 'to': 0.04321445807898446, 'a': 0.04178670425703863, 'is': 0.03145849208589336, 'been': 0.02866356105573483}, {'of': 0.38592523870725737, 'in': 0.09750867406878519, 'to': 0.09265280076950626, 'for': 0.06998459397357408, 'or': 0.06815610843487002, 'by': 0.05208661741247278, 'than': 0.046509832884952626, 'from': 0.04571262748669468, 'at': 0.043289516304873224}, {'Robert': 0.022603892092854856, 'John': 0.018540257142789774, 'William': 0.01809811314942472, 'Mr.': 0.017912053636737858, 'James': 0.016627066795565505, 'Charles': 0.013930940475548055, 'George': 0.011709590259944535, 'Joseph': 0.010551045583493053, 'Thomas': 0.008216636700637495}, {'sum': 0.03731193269986156, 'number': 0.031294729376689825, 'line': 0.02225527529601932, 'city': 0.021665301796394604, 'out': 0.021454018811378782, 'day': 0.01855272055175721, 'county': 0.01655376679423973, 'amount': 0.014752312718139647, 'Board': 0.01393876490105397}, {'one': 0.07170822952522136, 'more': 0.0681329292903611, 'two': 0.029015281714046406, 'day': 0.0236190220940371, 'piece': 0.02351408908396229, 'law': 0.021483220725216703, 'person': 0.020464875884639338, 'action': 0.01865745926915706, 'three': 0.015978872147139125}, {'of': 0.4074312843705192, 'in': 0.16658833132284392, 'by': 0.05301484280586741, 'for': 0.04675839041440051, 'the': 0.04432358442736439, 'and': 0.04170550065535427, 'with': 0.03743412785233579, 'on': 0.031654709724266476, 'In': 0.030852170963847587}, {'will': 0.11875770764776349, 'can': 0.07000287827702774, 'and': 0.06830955952050104, 'is': 0.06480444194871399, 'would': 0.058932555551619165, 'appear': 0.052167190779004786, 'w': 0.04531654409814086, 'are': 0.0449226311764002, 'it': 0.04274988156076954}, {'the': 0.29725178884169223, 'of': 0.1091165639972476, 'or': 0.07159412555814648, 'other': 0.059455757782119915, 'their': 0.04839819394042012, 'for': 0.04140605849687119, 'trunk': 0.04081402485137677, 'these': 0.03871285608131663, 'two': 0.03449700558451632}, {'of': 0.4207156929908214, 'to': 0.1209258737119983, 'in': 0.0738136352614374, 'that': 0.06252749386143631, 'and': 0.059217973747369486, 'by': 0.05915791175763221, 'with': 0.04805113836200218, 'on': 0.03871140616352441, 'from': 0.038522136660387445}, {'to': 0.29088937554180416, 'will': 0.18614536262686784, 'would': 0.157080211757709, 'may': 0.07548628863847238, 'should': 0.062870543911865, 'shall': 0.05791188730775565, 'must': 0.03736759196683877, 'not': 0.03732847217089754, 'can': 0.022563579465426035}, {'for': 0.29880295097886284, 'of': 0.23521417875690956, 'in': 0.10120854908978043, 'and': 0.08756899169941268, 'about': 0.037516559020850264, 'or': 0.0373172381005537, 'the': 0.034009964763976025, 'In': 0.026186487549353755, 'with': 0.024273471498715463}, {'away': 0.0679735989764273, 'and': 0.06486700873008125, 'came': 0.06416702814193669, 'miles': 0.048245404529676864, 'come': 0.0381726122640827, 'taken': 0.03568621456041879, 'up': 0.03327777259285882, 'feet': 0.03239676598620461, 'him': 0.028186941122704444}, {'and': 0.15583586102196975, 'but': 0.0531878422272761, 'of': 0.042633036675895505, 'so': 0.04255053735048843, 'that': 0.033070532170823404, 'as': 0.03206741431304825, 'all': 0.02912100233701174, 'is': 0.02489494115539264, 'fact': 0.024004004711740523}, {'a': 0.6049586850989631, 'the': 0.10837557392100772, 'A': 0.07504596716557109, 'certain': 0.024518602042049656, 'one': 0.024477810850675817, 'described': 0.016462957670037245, 'every': 0.015454334616557961, 'large': 0.01458455104623642, 'this': 0.014284522825975032}, {'the': 0.21195178259180028, 'and': 0.14779761286609255, 'a': 0.1086663106626236, 'all': 0.09157946913620676, 'these': 0.06045425371261992, 'or': 0.045888408726680596, 'These': 0.040993793901491486, 'that': 0.0400303305553942, 'of': 0.03786876773315876}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'ten': 0.11176147059106618, '10': 0.10201644629749677, '50': 0.09568995253336776, 'fifty': 0.09217512657187875, '20': 0.07315968177888976, 'three': 0.05765254819170143, 'five': 0.057025423977026306, '25': 0.05311566123049631, '5': 0.05194525932914015}, {'they': 0.1526364760205744, 'who': 0.0734903762880743, 'there': 0.06796953496356017, 'we': 0.06675967996448004, 'which': 0.051515065498583236, 'and': 0.04885033962872441, 'you': 0.04459834097877737, 'There': 0.03870682391240855, 'They': 0.03657499609252005}, {'made': 0.11823418626004677, 'and': 0.0789977476665022, 'caused': 0.02880030290591601, 'shown': 0.028142486758012716, 'up': 0.027498938630273775, 'ed': 0.027340908793671036, 'out': 0.026363857841631404, 'taken': 0.02600336957321174, 'done': 0.025174220994246873}, {'of': 0.4406759278670095, 'to': 0.10901582374751623, 'in': 0.08223775706096222, 'by': 0.07235949351281654, 'and': 0.062035605301096156, 'that': 0.052927195000574204, 'for': 0.044779295998827635, 'with': 0.02981627094826492, 'from': 0.021882852202500767}, {'on': 0.18822380851794948, 'of': 0.18550294693602234, 'and': 0.13775550986075136, 'to': 0.09290377430568626, 'On': 0.08422691802573472, 'all': 0.05560600372835125, 'with': 0.053992266041829225, 'in': 0.051745693465751676, 'that': 0.04239106999069966}, {'the': 0.5523771878034239, 'a': 0.2109009255690132, 'The': 0.07953556821219258, 'tho': 0.03724424548072484, 'of': 0.01928170861091495, 'and': 0.01602299243018358, 'our': 0.013849683476314477, 'that': 0.011975640491550883, 'A': 0.011817065024800861}, {'of': 0.30055091846439536, 'in': 0.1012831941133368, 'to': 0.1004160622839226, 'for': 0.09722509092516014, 'with': 0.08024296354614054, 'and': 0.04987863673701685, 'by': 0.04431325748041365, 'from': 0.04202419208775427, 'at': 0.037434597071017484}, {'hundred': 0.014297493055956937, ';': 0.011716326943571356, 'him': 0.010284589058729107, 'one': 0.009592078784322543, 'feet': 0.009461243780120606, 'up': 0.008791389241780788, 'mile': 0.00789364634221846, 'feet,': 0.007530166543155784, 'time': 0.007214592318027827}, {'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.05327819432327435, 'and': 0.04717958233299251, 'filled': 0.033868125000495415, 'up': 0.02696031276814869, 'it': 0.016883759373213916, 'made': 0.016768752181766804, 'together': 0.012706641528155477, 'loaded': 0.012500149147626462, 'trimmed': 0.011281706361580743}, {'and': 0.0941004168750069, 'days': 0.05796086974782947, 'was': 0.05522297741294859, 'or': 0.04407822092225418, 'time': 0.0435884420075973, 'that': 0.042897300417212854, 'never': 0.040325237062531556, 'long': 0.03994520629830473, 'be': 0.037416175620997257}, {'a': 0.48554591941583286, 'the': 0.1436223933771941, 'young': 0.06341823487224103, 'that': 0.03203687862172138, 'of': 0.029706816448486998, 'any': 0.02752553897274009, 'every': 0.023821254749299005, 'old': 0.02213054762902863, 'white': 0.01924067046758059}, {'of': 0.18010136763568654, 'in': 0.11739699790840726, 'for': 0.09920190770589164, 'to': 0.08960534741711827, 'with': 0.08137629733689157, 'and': 0.06998737387314882, 'by': 0.06545482944112892, 'was': 0.058302830235176836, 'is': 0.05592669998837037}, {'of': 0.1582559933891888, 'the': 0.09407817952359815, 'in': 0.057873491356385934, 'and': 0.04702176872006862, 'that': 0.03743136021928463, 'to': 0.031011104865684532, 'The': 0.026454772604923092, 'for': 0.022924280922302677, 'Mr.': 0.019774204214003416}, {'the': 0.22002078442885264, 'and': 0.0978652377545059, 'of': 0.09237163457148333, 'this': 0.03546410067784806, 'or': 0.023805728874019758, 'that': 0.023421207510896738, 'The': 0.023292480177525502, 'an': 0.02070409101105062, 'a': 0.020595237317112682}, {'the': 0.44066522970800676, 'on': 0.1521561708271809, 'a': 0.06011912152885559, 'in': 0.056949306160646244, 'of': 0.046204487871766904, 'said': 0.04259887839550075, 'this': 0.030406938455862037, 'tho': 0.027985719690233002, 'his': 0.023188850913156932}, {'of': 0.10776331440563258, '.': 0.06887448943766818, 'to': 0.06332695733813179, '&': 0.05286010783975914, '<s>': 0.03804834674430753, 'at': 0.034192202108931154, 'and': 0.03403734752795568, 'the': 0.02434677228994448, 'from': 0.02133187286475779}, {'to': 0.5637638327797678, 'I': 0.09724982986394734, 'and': 0.08884305548927114, 'not': 0.04731483442700547, 'will': 0.036577971819677965, 'would': 0.023645230214079903, 'you': 0.022939302852635887, 'should': 0.02062486187056683, 'we': 0.019238071390510408}, {'it': 0.1809100698164205, 'they': 0.09292308780786662, 'as': 0.09158354830523434, 'It': 0.08467492316292669, 'which': 0.07203260002234574, 'that': 0.05969967202048104, 'he': 0.053577596284784215, 'and': 0.045662859511485396, 'you': 0.04553454468153112}, {'the': 0.37256744284446697, 'of': 0.09254578616504334, 'a': 0.06852873988182347, 'and': 0.05870324008750741, 'to': 0.04089003122517616, 'in': 0.03216461595683171, 'tho': 0.021153992970400843, 'The': 0.016884419846065694, 'or': 0.014871176413326264}, {'they': 0.16211713451616194, 'there': 0.10364499156602504, 'There': 0.07822147948358303, 'we': 0.07007789537849672, 'who': 0.06532497812126191, 'and': 0.06270851911061485, 'They': 0.04343146986079208, 'which': 0.036684619569670396, 'you': 0.03543630638979793}, {'of': 0.10398904370693374, 'the': 0.08394355307891771, 'and': 0.05449271790887418, 'in': 0.04771367310837412, 'to': 0.046082842951780605, 'a': 0.040347548217566705, 'be': 0.023013223213841378, 'for': 0.022544300513585993, 'was': 0.020049460156710927}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'the': 0.3594175899301673, 'a': 0.09291103349672013, 'of': 0.0634050648876147, 'The': 0.05217027650011919, 'and': 0.03668418008460235, 'tho': 0.03360635862324214, 'his': 0.02248112715506704, 'our': 0.02208122354222172, 'to': 0.020189935922263848}, {'the': 0.19442491530078018, 'his': 0.1474380322620141, 'of': 0.13038289458929453, 'and': 0.1017352971719862, 'their': 0.07907611022652392, 'to': 0.058883837829108936, 'my': 0.052370164391239905, 'with': 0.04864551682544399, 'her': 0.04178545631982414}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'is': 0.09425654696090477, 'and': 0.06420615503990568, 'was': 0.04812966316028736, 'simply': 0.04545945708344311, 'not': 0.04113121313293958, 'it': 0.03838416179614672, 'but': 0.024524819092946747, 'that': 0.019357954647456974, 'it,': 0.017386137124468872}, {'and': 0.12370942622396933, 'of': 0.10031615253897223, 'to': 0.08379626910040477, 'the': 0.07838319077632402, 'on': 0.030474003467624057, 'in': 0.03046767298180709, '<s>': 0.027023968557944873, 'that': 0.02560546517887483, 'from': 0.021982516781050954}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'be': 0.28820107634587366, 'was': 0.1376861657767604, 'been': 0.10973700645050177, 'is': 0.07447944290333641, 'and': 0.05474693936062983, 'were': 0.05241143707937301, 'are': 0.05091640398885752, 'being': 0.032349791287590815, 'he': 0.01972716886121003}, {'the': 0.3496437471110996, 'such': 0.087363836035252, 'these': 0.060097759658854485, 'best': 0.05329728299714431, 'his': 0.05121436336594276, 'our': 0.048054608040942144, 'other': 0.04799256187050334, 'business': 0.047331254361942306, 'their': 0.04624458588492853}, {';': 0.053647131015120614, 'it,': 0.021112187845918465, 'him,': 0.0141396237568865, 'and': 0.013326708890879072, 'is': 0.012436374957192317, 'them,': 0.010568221538485939, 'time,': 0.010213841685748364, ',': 0.006801416280472233, 'nothing': 0.006512847852575416}, {'the': 0.195398314687806, 'a': 0.15774091434179371, 'of': 0.10967706689635727, 'and': 0.06741656424559908, 'at': 0.046491919400976654, 'to': 0.04629568349165812, 'in': 0.036089949811656884, 'for': 0.03251502567997375, 'an': 0.023676279315906903}, {'to': 0.19112264078135405, 'I': 0.163563399358123, 'would': 0.09659749437148875, 'we': 0.09421220256007046, 'they': 0.08928246540265528, 'who': 0.07773544000171703, 'could': 0.0620484044376064, 'must': 0.057561736239765786, 'should': 0.05076921186044456}, {'to': 0.7125930962735687, 'not': 0.058433225980668864, 'will': 0.04850477002995723, 'would': 0.04116417065937847, 'and': 0.02998861843430332, 'can': 0.022760309309053893, 'may': 0.02125455501301959, 'could': 0.018330643151309087, 'To': 0.01644334539941386}, {'a': 0.4704942920077657, 'the': 0.2918964316893771, 'The': 0.04411878236980895, 'of': 0.03568369735529486, 'his': 0.027132592160400603, 'this': 0.025599330296284268, 'any': 0.022061251948951154, 'A': 0.01949431381091716, 'no': 0.01741830382704421}, {'the': 0.13076105450013367, 'of': 0.07932046947702465, 'and': 0.06342011000830029, 'a': 0.04719279250755952, 'to': 0.03434272517566016, 'in': 0.02287173009664328, 'at': 0.01565478400803208, '.': 0.013742326351524834, '<s>': 0.013617783682502283}, {'part': 0.07196025971506713, 'one': 0.07000355279264338, 'some': 0.04307302051471967, 'out': 0.035392916858036194, 'members': 0.02550305881294491, 'and': 0.022215776852222372, 'tion': 0.0216911631781865, 'portion': 0.020842143848213566, 'side': 0.020717751768984743}, {'to': 0.5068158114110013, 'will': 0.10942208005303328, 'and': 0.08660151037093049, 'would': 0.061040409632925875, 'not': 0.041926384722674605, 'I': 0.028237709645744367, 'could': 0.022623315708161486, 'they': 0.02199346958920226, 'we': 0.020081939693797277}, {'and': 0.10374866557881515, 'to': 0.07894435680409345, 'of': 0.05311400426784597, 'the': 0.046994634518881806, 'which': 0.028593217248287985, 'that': 0.02740946640045343, 're-': 0.02403737335499887, 'in': 0.02399436233146011, 'for': 0.02338838299982415}, {'be': 0.19837397734669796, 'was': 0.19332705535905054, 'been': 0.128607633019512, 'is': 0.07349528236667124, 'were': 0.07295922889563712, 'and': 0.061156946771258436, 'Action': 0.056895786256212055, 'are': 0.049190682316400614, 'being': 0.03507153777962458}, {'of': 0.25459997162291187, 'in': 0.12454060740427482, 'to': 0.11577494447504205, 'for': 0.09147832614164343, 'and': 0.08163300447693299, 'at': 0.06314948975773016, 'with': 0.05062750492712211, 'by': 0.04326022434400931, 'from': 0.041387187628682785}, {'of': 0.2901092184395097, 'to': 0.1151989145878489, 'for': 0.10465278746982609, 'by': 0.07849215463819675, 'and': 0.07051994304796563, 'that': 0.06715960027976421, 'with': 0.05770812631797145, 'in': 0.05742574434678843, 'at': 0.03724045968567429}, {'had': 0.32781353385074047, 'have': 0.21074741528326482, 'has': 0.1274628046736833, 'was': 0.08114141849349137, 'be': 0.041028513592198126, 'been': 0.03926601445210578, 'and': 0.03874110965931702, 'were': 0.02476302272036118, 'he': 0.02353210406915849}, {'a': 0.7997003668472945, 'that': 0.036997345015831885, 'of': 0.026465388157290666, 'A': 0.02593377145285708, 'and': 0.022162228714508035, 'the': 0.018585022449008847, 'as': 0.012550619618988658, 'is': 0.010620290773649137, 'in': 0.009788574463724579}, {'more': 0.029519035443280186, 'due': 0.02754754160700531, 'public': 0.02534454228612663, 'good': 0.025339007119605534, 'in': 0.02440310410951072, 'time': 0.020142994793444242, 'it': 0.017278865133190182, 'risk': 0.017154588082171615, 'large': 0.015512658212836799}, {'the': 0.19473684077600603, 'of': 0.11914353719686512, 'a': 0.08353845808744192, 'to': 0.06932727805844617, 'and': 0.06218758340304158, 'be': 0.04485973874295811, 'in': 0.03346067556757769, 'is': 0.0318807376806023, 'not': 0.028897524413415428}, {'the': 0.3045364618598062, 'Supreme': 0.13320396463221834, 'District': 0.06625223541744862, 'said': 0.052519528136724024, 'Circuit': 0.0489173865750182, 'County': 0.041556894284942955, 'this': 0.030421969747549616, 'tho': 0.025752762464114832, 'of': 0.02219410967004564}, {'and': 0.08903943567055478, 'recorded': 0.03556921935003545, 'was': 0.03406255031302123, 'made': 0.032946556190601356, 'that': 0.03266426711779562, "o'clock": 0.029519677782270576, 'up': 0.02712379263357393, 'is': 0.024027854253131364, 'found': 0.023595246573781124}, {'the': 0.13908679504865662, 'of': 0.11018424169065659, 'and': 0.08819897668254238, 'to': 0.08229164611286616, 'a': 0.04169362818372944, 'be': 0.029216682148986695, 'or': 0.029131339800605442, 'his': 0.02429855075103291, 'on': 0.02238479204228481}, {'to': 0.3182472590091048, 'will': 0.12161080721986511, 'be-': 0.10632294261891069, 'had': 0.06950859491164059, 'has': 0.06528401096846545, 'have': 0.0637382064646983, 'not': 0.044969966880465416, 'would': 0.04271566582143969, 'I': 0.03632949682391563}]
for elem in results:
    print(gonito_format(elem, const_wildcard=False), end='')
the:0.2075982821656445	of:0.18641195492052776	to:0.16375589974544083	and:0.1419768336902786	in:0.07235947734331605	a:0.058097948235152734	was:0.05579373084177645	be:0.05459636692777878	is:0.04940950613008435	:0.01
hundred:0.6757441672297904	dred:0.05507351954564642	eight:0.04366350604170379	degrees:0.04027646004808544	due:0.03587563285715768	north:0.035232990910443074	long:0.03521327274265905	men:0.03510510305220571	dollars:0.03381534757230845	:0.01
a:0.3910634709171287	the:0.3617063481722642	this:0.04575074218211916	other:0.04101326388674283	of:0.03622302244589748	and:0.0333782246961355	his:0.030199108590644053	The:0.027090666394293545	tho:0.023575152714774478	:0.01
it:0.17675553355714846	they:0.14081408629938666	and:0.1369251675661277	which:0.11277892922943723	he:0.10500778470392592	you:0.08516978500368706	It:0.08279808722888964	I:0.07644183587914444	who:0.07330879053225287	:0.01
able:0.16135098933162126	and:0.13044751689027728	order:0.12047644195204926	enough:0.11219570761860198	is:0.10659258286384826	him:0.09695424037295979	right:0.09323820669708727	was:0.0846236042426778	attempt:0.08412071003087702	:0.01
is:0.2784631131670363	be:0.2196228014885983	are:0.1428621781409449	was:0.11935922336568351	and:0.07678327398015508	been:0.040350769140349345	Is:0.038101361203158074	not:0.03740134506575619	were:0.03705593444831832	:0.01
and:0.32434810589817087	was:0.11832549081564547	held:0.10061653345026712	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139066	arrived:0.07348439933321943	that:0.0714853472708103	interest:0.06758836938612982	:0.01
and:0.2587876600214367	of:0.23664575608429053	is:0.09115271670092913	are:0.08347312003595064	it:0.08171945044538946	after:0.0791007002479149	in:0.06860735831467818	that:0.04611888559063895	was:0.044394352558771576	:0.01
of:0.37283592046886466	in:0.16738772624345097	and:0.10531868082220948	to:0.0830809911982244	with:0.0755945266870176	for:0.06860498426928782	that:0.044648284417965	In:0.038973812694768954	on:0.03355507319821109	:0.01
and:0.2819688105509132	that:0.2301418702249719	as:0.22505597689475598	but:0.06927514817526978	even:0.0553432991736943	or:0.03504039921417471	But:0.0347013310889262	And:0.029575321440918265	and,:0.028897843236375672	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.6703324500442436	a:0.11290303879098454	be-:0.058279759387684996	The:0.04380947101890577	tho:0.03462946324204335	be¬:0.02023698384973438	be­:0.0183781341280763	no:0.015831493411717704	and:0.015599206126609378	:0.01
of:0.2713041771166653	and:0.15897929210516643	to:0.12162346150241224	the:0.11747449277509675	for:0.07788114196389266	a:0.06946714391215615	be:0.06248668139168508	in:0.06238027507401627	was:0.048403334158909184	:0.01
<s>:0.24728533594793464	and:0.20253763753382348	made:0.0988615075741576	was:0.09538551140811594	recorded:0.07923243876425153	that:0.07572633810967984	be:0.06754695020072057	is:0.06282737303055098	o'clock:0.06059690743076549	:0.01
to:0.46053881942473246	and:0.10535183777274285	we:0.08865165438156905	I:0.07208324939001232	will:0.06869363719909811	not:0.065685400729279	would:0.05375849885166945	they:0.03833966692398743	you:0.036897235326909306	:0.01
and:0.24375788641111382	of:0.16889976715177063	to:0.13815148594694573	the:0.12733864558157276	<s>:0.07151276384945796	a:0.06478624793209892	his:0.0607373117827336	in:0.0592015500274423	at:0.05561434131686416	:0.01
of:0.41423916949970646	to:0.15132104071022856	and:0.10874929347751575	for:0.07131192514304915	with:0.07117782824129337	by:0.0641198672951466	that:0.03758189736686034	from:0.03750168565790937	on:0.033997292608290354	:0.01
and:0.26958579283201645	them:0.11612667884598861	put:0.11344325375628718	out:0.1013617992958137	carry:0.08227680625552684	was:0.07994197358382521	work:0.07720203559131127	it:0.07531599500828415	that:0.07474566483094668	:0.01
of:0.3241150061345983	and:0.1774251949735989	in:0.10544507048740555	to:0.10116454824675855	that:0.07659656642832684	on:0.06455299454022724	for:0.06273561211239223	things:0.04287039325002043	those:0.03509461382667204	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.24738383723470325	of:0.19203822110083657	as:0.10987989596377462	that:0.09956181767917707	all:0.09205302262274494	but:0.08064260519657017	for:0.07500863673578351	so:0.05332938232021526	fact:0.04010258114619455	:0.01
to:0.3654474410099953	will:0.2003951863899563	not:0.09837915490302267	may:0.06278904609064165	the:0.05736604149022529	and:0.05539018039091507	shall:0.05437404002895165	a:0.04877939372652326	would:0.04707951596976878	:0.01
with-:0.14105775367139364	and:0.13434116781737443	find:0.13400974181205136	pointed:0.11694065988780132	go:0.10421914379622045	carry:0.10315983714917693	get:0.08609281170529563	brought:0.08534438894165561	went:0.08483449521903062	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.2322863021107167	to:0.15124778176563825	will:0.10855322503039304	not:0.10165334863627778	I:0.09539587338510726	the:0.09261715385794266	would:0.0717232282216183	he:0.06932636746394916	is:0.06719671952835693	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.4450542207523196	of:0.16450133778327172	a:0.1156910986974663	and:0.06433713111281826	by:0.0567674140666121	for:0.05396616187638563	to:0.04261884665193784	The:0.025852380388849166	with:0.021211408670339455	:0.01
and:0.20921559173314935	it:0.2002507861785411	to:0.1281696310205618	that:0.10104121777462508	is:0.0948109607295494	It:0.07189786648918096	of:0.06256452819378282	was:0.06243893496665761	which:0.05961048291395182	:0.01
the:0.3323475914517543	of:0.30429733953970206	his:0.05912057999500091	to:0.05787339399165412	in:0.05315061670519715	their:0.05271140435322497	good:0.050581384808583985	public:0.04169566223407192	perfect:0.03822202692081057	:0.01
was:0.16000634436631433	looked:0.12992216642528343	and:0.12861012418271928	held:0.12413082898767072	arrived:0.11539053322824105	presided:0.09299934296655213	laughed:0.08829151807731832	called:0.07818764169862265	be:0.07246150006727811	:0.01
to:0.20561394749759682	the:0.2035124044356328	of:0.16642006910341298	and:0.13092953679922395	in:0.07409286695411728	be:0.0618425766741021	was:0.054477010016655565	that:0.04738715030533824	for:0.04572443821392009	:0.01
we:0.19518728513705555	I:0.14104367184427397	they:0.11186642990136639	and:0.10943603382182511	he:0.10263725464971135	who:0.09758694134273097	which:0.09634607648504812	it:0.09240949941809264	that:0.0434868073998958	:0.01
the:0.4688302487407949	a:0.19140895771735264	at:0.07410696944848191	of:0.05992745776733672	The:0.059309912437552736	an:0.03885462192770621	for:0.038173998968084516	and:0.033152147814163195	tho:0.026235685178527417	:0.01
the:0.30066537045736186	of:0.18083337303704702	and:0.14849071523579158	to:0.13697527746982274	for:0.05023447445190032	in:0.049590724586391306	be:0.04591187306033971	is:0.04039018647411833	was:0.03690800522722708	:0.01
and:0.15898645693009783	men:0.13092657476152608	in:0.12116039789715445	;:0.11579251612560522	there:0.09958744460946345	to:0.09498754381929934	:0.09015686854101437	right:0.08926479398275061	man:0.08913740333308875	:0.01
of:0.2759248916315242	and:0.1697610281212568	or:0.14188210103775667	the:0.09977216595042722	about:0.07533567221551868	to:0.07029508950663647	for:0.06430139578657754	by:0.051465790463847985	in:0.04126186528645438	:0.01
and:0.18256157749026333	to:0.16433979570443547	of:0.15457884979586445	the:0.1277827385426324	was:0.08436879473166353	be:0.0802923412409957	for:0.07572785229194459	is:0.06129413214409847	in:0.05905391805810186	:0.01
feet;:0.2807567469855497	;:0.10987123625000587	running:0.10412492020173009	feet,:0.10313000520156666	2;:0.09803596238770867	3;:0.08433886765739775	4;:0.07636036253895638	5;:0.06697745013470016	feet::0.06640444864238465	:0.01
No.:0.29488140101299964	and:0.18171527787482267	the:0.13267233967362788	section:0.10393674592608021	Section:0.07795009570498498	Book:0.06493809786746192	lot:0.047013880490497297	.:0.04540097440663386	of:0.04149118704289178	:0.01
of:0.2778400933265141	in:0.16678880995056908	and:0.14055969554398734	by:0.11453096564935437	for:0.07941601014808067	are:0.06593218379247984	In:0.06357414218267705	is:0.046327342760806946	with:0.03503075664553061	:0.01
the:0.3218467846617875	of:0.1828529761416146	and:0.1232207420947663	a:0.09674086771067118	to:0.08641160396374103	in:0.0783857202791078	be:0.0377967086794569	for:0.032157504111148996	was:0.030587092357705764	:0.01
this:0.3929356176836259	the:0.36424601323021805	said:0.09414190068706371	that:0.03753440582408945	York:0.026231767757883453	a:0.02237588191203227	The:0.017941106112704355	tho:0.017415915087168058	of:0.017177391705214543	:0.01
the:0.37187944314166066	of:0.21822276201447038	and:0.09870390738986175	live:0.07494301272908574	a:0.07333997548628592	The:0.05779809301703656	tho:0.03267097363620426	capital:0.031927562906532876	his:0.030514269678861828	:0.01
to:0.7024000589479982	and:0.06996025561352545	not:0.05701693970580414	will:0.050513955150583975	would:0.030838828714624823	they:0.02300760969384441	may:0.021181127051492252	shall:0.017902742252210103	the:0.01717848286991666	:0.01
the:0.29819298779611636	and:0.18265256702547322	of:0.13010962881005228	was:0.08121404933282633	a:0.07950844863130475	be:0.07306667256403139	Mr.:0.04983112978909311	is:0.048908826139216106	The:0.04651568991188633	:0.01
the:0.3604816967038009	an:0.18810788842905138	any:0.10104650430676647	that:0.07110430009798853	last:0.06476138138830902	such:0.05560260855085649	and:0.05210506746450436	of:0.04857506406351707	a:0.04821548899520581	:0.01
the:0.3141697498569716	of:0.13596872111181624	The:0.13148451940784603	Mr.:0.12071271065510487	and:0.08466951013671548	that:0.08137847559446529	a:0.05140346651734129	Mrs.:0.04087284649549475	his:0.029340000224244486	:0.01
of:0.4462011261961158	in:0.12615857041583559	to:0.10151451743748324	for:0.07791159196235205	by:0.060895391762437356	at:0.05259110860597668	with:0.04542090039680382	from:0.04507390992515402	In:0.03423288329784133	:0.01
and:0.14196626315420005	is:0.13191941841171387	necessary:0.12661393014455413	as:0.11766702610463461	enough:0.10630327272751415	able:0.10295740592408963	order:0.09495553892699914	was:0.0844179777274438	have:0.0831991668788506	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
It:0.3518094924334861	it:0.2678488056688095	which:0.1196257858703605	there:0.07504565876367791	that:0.04329008572208309	There:0.038763618378575275	he:0.037870743173773994	and:0.029959160005544043	who:0.02578664998368973	:0.01
to:0.339998491568882	and:0.17862942938941825	in:0.09645871574618903	of:0.07300886513584802	know:0.06978339603776378	that:0.060659395822263235	or:0.060017894017237394	determine:0.05572191288296831	question:0.05572189939943004	:0.01
part:0.21496902104278678	one:0.20912369233988043	some:0.12867331343811736	out:0.1057303116879626	members:0.07618604502434112	and:0.06636584999188522	tion:0.06479865598258486	portion:0.06226235532256281	side:0.061890755169878825	:0.01
the:0.7485433708759772	a:0.07685791523846566	his:0.034234262117647	tho:0.0265248312460864	The:0.024179040699663493	of:0.023399957872552522	and:0.02195502056078829	this:0.01738796356752577	said:0.016917637821293633	:0.01
of:0.38584408291504757	to:0.14069506157967437	in:0.11555995124509574	on:0.0666740960500469	by:0.06293274185329573	and:0.0611615714351081	for:0.059066043181918604	that:0.049725150575367416	from:0.04834130116444544	:0.01
the:0.7559393270397994	a:0.058884612386848785	The:0.0520373620001795	of:0.04540461220436005	tho:0.037409900764266195	and:0.013279028057778999	in:0.01040631584700489	tbe:0.009951186756089638	by:0.006687654943672375	:0.01
the:0.22381119370846944	a:0.20871162620806843	of:0.11693573883522197	and:0.10350678467831491	to:0.09964853259846065	from:0.0657361923996471	is:0.06400838781527757	are:0.05526362168574228	electric:0.052377922070797674	:0.01
to:0.22988122603357508	and:0.20058956339280717	the:0.13943594362559414	of:0.11588460464002817	in:0.08564574985575985	not:0.08091011806611492	I:0.05163104866330221	a:0.044341704528836644	or:0.041680041193981845	:0.01
the:0.3141697498569716	of:0.13596872111181624	The:0.13148451940784603	Mr.:0.12071271065510487	and:0.08466951013671548	that:0.08137847559446529	a:0.05140346651734129	Mrs.:0.04087284649549475	his:0.029340000224244486	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.19458744861213628	as:0.14324513006329825	able:0.11959067928157642	order:0.1089229649511284	began:0.10194159028383548	enough:0.10140718155181282	time:0.08476846183095126	right:0.0703634981771008	going:0.06517304524816034	:0.01
I:0.3309237919371256	they:0.13482461165699694	he:0.13255422255073715	and:0.0940476098420605	we:0.09149059453040209	that:0.05898483932147132	it:0.055089524674295294	We:0.04944456604673864	who:0.0426402394401724	:0.01
the:0.5267678717722712	court:0.16022203691487596	a:0.10324996762491358	The:0.04400523312772195	his:0.04296167922209614	school:0.039716940384348136	tho:0.03011769607907944	dwelling:0.022520855248790706	opera:0.020437719625902812	:0.01
the:0.19682318224879045	a:0.15449655009044305	was:0.13562407021699657	is:0.12840370160083583	are:0.09888365426369451	be:0.07894663002375656	and:0.07466819829273663	were:0.06893001972466437	his:0.053223993538081944	:0.01
his:0.21894703158796283	the:0.18264790899453054	her:0.13827523905799824	John-:0.11311727555833886	sea-:0.08476136834117008	Jack-:0.06970482862575639	of:0.06344104957190784	per-:0.061688531563803585	per:0.05741676669853159	:0.01
and:0.44041259200264676	that:0.159931933011043	but:0.14586877621092428	But:0.05901469057608011	time:0.053670320440024406	And:0.043181375110983154	or:0.0330580108512853	even:0.030784353672919505	day:0.024077948124093418	:0.01
and:0.27831826245921804	the:0.1874591621891938	a:0.1089904285490432	of:0.09221883337514625	to:0.08219757499755052	in:0.07839460045959269	I:0.06306050002550222	will:0.05608634523425606	for:0.04327429271049725	:0.01
the:0.427561309245529	this:0.1831555087317798	a:0.11717490185893094	any:0.0528244364740101	his:0.04723206823173748	good:0.04398899839557983	same:0.041898581112810716	no:0.0387515445730513	of:0.03741265137657097	:0.01
a:0.3313422361088812	the:0.3278401262672178	his:0.0946721880887907	and:0.0735909643883204	The:0.04961560303988544	her:0.03600783639635226	my:0.026402283170568676	their:0.025676887372071185	no:0.024851875167912367	:0.01
and:0.23376230153998281	according:0.15315600787659986	as:0.12144090210172613	went:0.10858274273938238	go:0.10051550792293389	subject:0.09106781120811656	them:0.0647199055131176	or:0.061419438694066394	addition:0.0553353824040744	:0.01
up:0.23125554051255054	in:0.12150819273358947	him:0.10685540009910666	them,:0.09720665495542939	;:0.09444833554401104	it,:0.09084185634227125	time:0.09050963156794468	down:0.079671634226532	out:0.07770275401856494	:0.01
and:0.22185700374069803	was:0.1900001595976018	is:0.17643194800966508	are:0.12434909320688763	be:0.06061095361275472	were:0.05674838133189997	not:0.054954840341256535	been:0.053500485446452035	or:0.051547134712784125	:0.01
and:0.31272371936252696	that:0.11921912925090902	was:0.10826785512344439	made:0.08867020288276366	is:0.08441813412767785	as:0.07363540620555147	it:0.07061351793988456	up:0.06868550907362354	but:0.06376652603361857	:0.01
not:0.40845664964626577	has:0.182573373424387	have:0.1183539389121284	had:0.07288192171216794	as:0.0695089190950349	and:0.063626612333958	is:0.03390477890936437	which:0.02161629508804038	it:0.01907751087865319	:0.01
the:0.46743960586215993	said:0.25902485690697763	a:0.062234094872626024	of:0.05894410305517061	this:0.04173797499910366	his:0.03882269035759103	tho:0.027121099224896812	in:0.018178630098256248	their:0.016496944623218074	:0.01
and:0.43204730350408316	the:0.11833042400730066	I:0.08480944165630178	was:0.08033879673846188	had:0.06087545942563571	is:0.0598488552061699	he:0.05720247379115774	have:0.05092986935493545	that:0.045617376315953695	:0.01
virtue:0.21738001102627372	out:0.18977337920912904	part:0.11522775944009786	one:0.10400846177203443	quarter:0.09462884564091131	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
the:0.25765778793899907	our:0.17367117111530345	their:0.15028747803141582	of:0.12031286682646963	and:0.09688953170758684	his:0.07409684711848145	in:0.05984584850116237	its:0.0293771994783007	my:0.027861269282280453	:0.01
one:0.3364059647869196	on:0.11551329446855124	receipt,:0.10920701475463775	two:0.10871045932190965	person:0.0702608845378907	law:0.06553145068802452	and:0.06514487299292186	day:0.06048883264641693	man:0.05873722580272774	:0.01
the:0.25695934968586615	of:0.21922637213809554	on:0.12804312982711988	to:0.0951547980912599	and:0.08198692911706908	in:0.06416288100409133	by:0.051950174695015804	a:0.046952007516405825	for:0.04556435792507651	:0.01
amount:0.23984195764684887	number:0.2164623931780495	power:0.10138468282735567	out:0.08731433012463992	piece:0.07649008324180284	board:0.07399743987979315	state:0.07109895744410898	place:0.06489914461640572	plenty:0.05851101104099533	:0.01
the:0.8832112829175117	tho:0.03528485410393855	The:0.03083782508923617	tbe:0.013247915276302924	and:0.008754250525740368	this:0.005232034949857542	its:0.005148395184797346	their:0.004304222427519745	of:0.003979219525095451	:0.01
the:0.5500332056317281	of:0.14906075178772366	his:0.054795602242944275	their:0.0486491195665222	in:0.04449793374421966	a:0.03797419481170894	our:0.03684946450825992	and:0.03677911211248516	all:0.03136061559440804	:0.01
the:0.2346302632543477	of:0.21039298293066766	sai:0.16083942427947093	in:0.09591260308636763	a:0.0956602813134547	and:0.06399076322165466	New:0.061791071316304916	an:0.037201015981895645	to:0.02958159461583618	:0.01
<s>:0.5372084998588389	it.:0.11096820960258527	them.:0.07749910601157048	country.:0.04946190615608941	time.:0.047317552159012906	him.:0.0439157251752922	years.:0.042294507845568416	of:0.041169676941872436	.:0.040164816249170066	:0.01
to:0.30053626483136625	has:0.16333184308401946	had:0.10889147327258762	will:0.10024893128777927	have:0.0936074642111335	and:0.09318912070490915	would:0.059415013208979836	shall:0.037067738076931436	may:0.033712151322293486	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.2728240839597611	to:0.2178542328327642	in:0.1514324934899788	for:0.10740021799711444	with:0.07981603309214091	on:0.05924555029778187	from:0.04134561157226675	by:0.031163542350695992	In:0.02891823440749592	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
of:0.29953428984735786	to:0.14926208721564527	in:0.14827436447156125	with:0.09953175919983766	and:0.08988708094447684	for:0.05850028447848208	all:0.0566389660099866	on:0.05344708124606166	by:0.03492408658659076	:0.01
not:0.2991594707203639	to:0.19703208949379988	I:0.15177050522245317	don't:0.09402872071458823	we:0.0769703016002484	you:0.06353546409444628	We:0.04110568244235947	they:0.034423323051495563	didn't:0.03197444266024505	:0.01
the:0.2558739099083218	of:0.19259972413997709	to:0.14716765857315706	and:0.09248499117422139	in:0.08921734614999502	at:0.07944361932903729	a:0.058471116586262833	.:0.03938594581755894	for:0.0353556883214686	:0.01
and:0.45261818426960093	is:0.09144143881370145	or:0.07972992024466752	but:0.07741983993119399	be:0.06320450305523397	was:0.0608451214015662	not:0.06059282188558547	that:0.05223482541364221	done:0.05191334498480831	:0.01
they:0.23364138526239633	who:0.13900208200299138	we:0.12732876218965317	which:0.12275187738233093	there:0.10656228561072974	that:0.07477931782100233	They:0.06349607118679011	and:0.06127631025927464	We:0.061161908284831416	:0.01
the:0.3187533310365806	of:0.19153223533904776	and:0.13333775657562166	a:0.08569118153695421	to:0.07805362827458312	his:0.04896787193732948	be:0.04728575140178597	my:0.044784222538298106	I:0.041594021359798936	:0.01
the:0.6774407302218779	a:0.11117750593928251	and:0.05416417454939913	The:0.03442611226189506	tho:0.03079612212032316	in:0.029421519321184364	al-:0.02120826564476721	of:0.016730983681291778	our:0.014634586259978877	:0.01
of:0.38356379297119453	in:0.15427585480191305	to:0.1086826038618956	by:0.08803383227313695	for:0.061494704077270965	that:0.058410982527225895	and:0.052176912248772044	with:0.04206109753453797	on:0.041300219704052836	:0.01
the:0.42944729384850305	of:0.22516648736013473	a:0.08006603615781954	for:0.07053865246310148	in:0.061320825766747564	our:0.044931866788877096	and:0.028930170536971125	with:0.026964271401447398	The:0.02263439567639787	:0.01
to:0.6888905776695221	not:0.08751477215345498	will:0.053119609409550524	would:0.045532748981620554	and:0.03306394115616492	can:0.029135397596233122	could:0.018224051577649707	should:0.01786955695105071	may:0.0166493445047534	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.24534901571123702	of:0.19198092365184333	to:0.13970081277914326	and:0.12062271959344861	a:0.09610298426469713	in:0.05877192899134927	by:0.04861106846841909	or:0.046298622960343386	that:0.04256192357951899	:0.01
and:0.19594456638132776	make:0.164195267857309	for:0.11519010139822934	that:0.11415034681265734	of:0.0973541051164457	with:0.09611331774603121	to:0.07298446985038608	give:0.07056313485935614	but:0.06350468997825735	:0.01
was:0.19293386621323436	be:0.14228056963877456	he:0.13246850636032628	and:0.10572311106480928	been:0.0971597369075684	had:0.08382131913806617	is:0.08360675578594906	above:0.08027539492289651	has:0.07173073996837546	:0.01
of:0.3017274896402684	to:0.14873173808656742	on:0.09840881845255475	by:0.09135552473296783	in:0.08622559687155036	with:0.0861484289537251	and:0.06871205270556482	that:0.06393199076702777	from:0.04475835978977363	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
the:0.7477460179045424	this:0.07641669962309228	tho:0.0322138113337618	The:0.02819134121252394	to:0.027509310667302944	our:0.023691349450035277	and:0.022215905460876994	that:0.016041232186085934	any:0.01597433216177849	:0.01
<s>:0.5911664716768236	.:0.09254162861311349	it.:0.07581705834204039	them.:0.05818195815929814	day.:0.037726686386629994	him.:0.034790603659583	time.:0.03473040556580825	of:0.0340401802064035	country.:0.03100500739029967	:0.01
to:0.5457552147720407	the:0.13701835507142504	a:0.09471528121449667	and:0.05218458120028613	will:0.045520261486460524	of:0.038873407557610304	in:0.030533656171530064	could:0.02317807188001807	can:0.02222117064613264	:0.01
covered:0.21598528021716795	filled:0.17907185553528282	together:0.15304088577388478	and:0.12863481727510884	up:0.11117770378436569	charged:0.06041415569299562	loaded:0.050400087148177355	thence:0.04567769900806649	down:0.04559751556495045	:0.01
as:0.1952650740024546	up:0.17563098292342963	and:0.1426315086738868	back:0.09448678680837065	down:0.08310198427347133	went:0.08195026217821093	came:0.07305674511223162	according:0.07233387308449139	regard:0.07154278294345304	:0.01
amount:0.18452536647632076	number:0.1655105900398474	out:0.1262877653565467	point:0.12258078603183378	time:0.12218781526251082	plenty:0.08566649966848794	deal:0.06370835869001576	means:0.059895279385970314	thousands:0.059637539088466564	:0.01
the:0.4848333140392124	a:0.13083153353487362	and:0.11467042235524809	of:0.0794070052821952	in:0.0463916749675865	to:0.0426359520435628	The:0.040249605568998995	tho:0.03109049716360249	by:0.019889995044719843	:0.01
the:0.32347341512985717	of:0.1899360155781862	young:0.12289632645647658	two:0.09291340983373414	and:0.09129391178876169	The:0.057321423217600025	good:0.03957154315831112	three:0.03885458154598966	our:0.033739373291083515	:0.01
to:0.43957119653398213	will:0.1136308670110114	had:0.09279649511323117	have:0.07562527073458644	has:0.06616663404092599	be-:0.06595580180281968	would:0.05431903589886525	not:0.04467194678933092	and:0.037262752075246985	:0.01
and:0.17242398561069028	as:0.14671919886062282	is:0.12617046029401924	right:0.11510593609863622	him:0.0996423111481772	able:0.09079721249751993	time:0.08979454579528022	them:0.0749387315413511	enough:0.074407618153703	:0.01
the:0.4832939666996756	Supreme:0.2019945942522685	said:0.0627883149687794	Circuit:0.043391200147150186	this:0.042971806703088346	Police:0.042133654260225695	District:0.04132922792237565	tho:0.03776861747068088	The:0.03432861757575552	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
they:0.306512961763953	who:0.18992891553728264	which:0.10030669516804225	and:0.09469368380015818	we:0.08629897019560478	there:0.0661586790974406	They:0.06333552797907654	that:0.04377010142177894	you:0.03899446503666313	:0.01
of:0.34437857421343043	for:0.15195922870475037	by:0.09547219189093713	in:0.09193462226448101	that:0.07769761544702074	to:0.0706006337345032	and:0.0705176094763319	with:0.04646495262450817	all:0.04097457164403702	:0.01
the:0.23075178912378314	of:0.19593304988733096	and:0.16720951205846837	to:0.135373019057764	in:0.07221136695482343	a:0.06308867618413609	for:0.053249383256185126	or:0.03936539274483695	four:0.03281781073267201	:0.01
the:0.2384416744738608	of:0.17635581647632845	in:0.1593614755505285	and:0.10421425684180445	to:0.08683748198855372	for:0.07120567344919557	a:0.06697422588647106	In:0.04367323033545751	that:0.04293616499779998	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
is:0.1799083183618913	not:0.1246245741715308	able:0.1245356473997609	time:0.11011110256003491	right:0.09723351122395306	have:0.09233882271283618	him:0.09048635414015883	enough:0.08619270480261113	and:0.0845689646272229	:0.01
and:0.33353890069751263	was:0.1680788178505281	is:0.1464927602184309	are:0.09218316951471581	but:0.08079014990752888	were:0.07656145209264209	He:0.040819367731266216	be:0.026345268997705763	has:0.025190112989669562	:0.01
of:0.21245906708290566	and:0.12606372071232969	is:0.11958274744521444	with:0.11158088448020982	to:0.10343742435270589	by:0.08387305340935727	as:0.08137802550947228	in:0.0773411578823006	for:0.07428391912550437	:0.01
of:0.3878760090375568	in:0.11198132191954722	and:0.08818088715465099	with:0.08555147636783818	for:0.07888160855403113	to:0.07540246605452956	that:0.06370207680638026	by:0.05074230512314004	almost:0.04768184898232562	:0.01
of:0.32342270374369236	that:0.12340065779351093	and:0.12169136685200176	to:0.10800882208868755	in:0.10071994371735231	for:0.07588784971632406	by:0.05820416411239488	with:0.043903107576545926	as:0.034761384399490246	:0.01
to:0.23008159810559534	of:0.2107810922941533	the:0.16906327894441375	in:0.13771210148939386	a:0.057436790198402324	and:0.055698842500077395	his:0.04739636972947382	for:0.04571059473545909	I:0.03611933200303108	:0.01
It:0.25678987927758057	that:0.13532712784564827	it:0.13086878615288045	which:0.12389964967121372	there:0.11205719896758304	This:0.07749322860633542	and:0.06476751103055411	he:0.04974909457564794	this:0.03904752387255646	:0.01
fifteen:0.1732211825841299	hundred:0.16013427611887088	twenty:0.12529131464059257	ten:0.11003968705180868	100:0.10289723596999537	six:0.09237153995896782	eight:0.08273014188077174	50:0.08172792635465471	30:0.06158669544020827	:0.01
more:0.31709481749674184	person:0.14906939994554802	one:0.11309810607549355	man:0.11002731711719632	law:0.09444411203859646	whether:0.05458024464520361	action:0.0518583532851957	right:0.05058232583933851	time:0.049245323556685885	:0.01
the:0.6813231373424599	and:0.08925441882374724	The:0.056613857297762804	tho:0.04225814397625024	in:0.03296730630561122	a:0.025531885665381563	great:0.024386951003889462	of:0.021724542380621076	his:0.015939757204276525	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
it:0.17775983277111523	they:0.17649536759106535	he:0.12213194630361732	which:0.09913036587956449	you:0.08534137356219772	as:0.08307750258961558	we:0.08301208568153509	who:0.08262586526119252	that:0.08042566036009674	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
there:0.25041383595202027	they:0.14769682013293223	you:0.09948292079218433	who:0.09398332041920061	which:0.09153017599121885	that:0.09101526561568746	There:0.07622316072841923	and:0.07366344090114178	we:0.06599105946719543	:0.01
the:0.28497649448846474	and:0.1514823575156436	to:0.13099486172294514	a:0.11430273190651027	of:0.10696486710509166	be:0.0649188191707342	his:0.04813099987403198	was:0.045973956544127566	The:0.042254911672450726	:0.01
to:0.6151815977335553	the:0.17415808043928088	and:0.05185871141046788	that:0.03402507385106896	this:0.0331154379853417	which:0.026141015559597934	of:0.024951186273249538	a:0.01946470153605189	To:0.011104195211386092	:0.01
and:0.24413116292889298	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709101	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
well:0.2260703266991755	and:0.17805485592404377	far:0.1364423165460318	such:0.10116679509679227	much:0.07546127694216162	just:0.07039912097633969	but:0.06782103094663079	so:0.06745517766574176	it:0.06712909920308269	:0.01
the:0.26631771811439525	and:0.20187492102926918	of:0.1589843633303804	to:0.11059027842715602	in:0.0571012098710703	that:0.051462395651177245	said:0.050581573006078746	for:0.04673165755322649	his:0.04635588301724631	:0.01
of:0.5284577802237567	in:0.2010708706282143	to:0.0637692850313051	that:0.04965785173660936	In:0.04544893863609211	for:0.03705143247717979	by:0.023673673579988754	and:0.022673515253748965	from:0.018196652433104976	:0.01
was:0.2623948960518687	be:0.1988292169977526	been:0.13236244362955374	is:0.10933375681106025	were:0.08419330295077498	and:0.05595165099560337	are:0.051674290661893094	have:0.047803987975700936	had:0.04745645392579224	:0.01
the:0.25777513293375004	and:0.18028310187603475	of:0.13328444228028083	to:0.11272695735318854	in:0.08231384653522324	at:0.059295137183380406	was:0.055424286991704375	is:0.05485256934422892	that:0.054044525502208916	:0.01
the:0.5951823419376905	and:0.10401096262273102	a:0.10389120092868659	The:0.06689240991611885	tho:0.032345377660556965	of:0.03158681120713697	to:0.02191866002327787	at:0.018123130932378276	this:0.016049104771422948	:0.01
Mr.:0.17605462646552683	A.:0.1716844071622243	.:0.1688877397488133	John:0.10202842143897108	of:0.10005131659748695	Mrs.:0.07727642077987185	and:0.07478403725963248	<s>:0.0651656472038054	C.:0.05406738334366788	:0.01
the:0.6057111633911043	The:0.09690522525631327	and:0.07718448450768767	a:0.04698202354435702	said:0.037217551011127614	tho:0.03517309768592615	if:0.03505688497682489	of:0.030991594765494103	that:0.024777974861164925	:0.01
of:0.24297123427416584	to:0.1416401993232398	that:0.1400585931992294	and:0.13773727284968296	in:0.07172686818836181	on:0.06875135975236676	for:0.06698082307289445	was:0.060244634092375425	with:0.05988901524768351	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
any:0.29004480613689787	a:0.2679324094267834	the:0.14687867458170753	no:0.07005885436236044	Any:0.06584725683227856	other:0.042992618436971324	every:0.04091625837703198	some:0.034296745828120846	of:0.03103237601784817	:0.01
to:0.25899009985987886	and:0.20691113851486853	of:0.12222836551254562	the:0.08594736535787019	is:0.07480810658605944	in:0.0664871705332616	was:0.06439095079885332	con-:0.05644473110180624	will:0.053792071734856284	:0.01
the:0.25608235413161745	of:0.21430420336695166	and:0.1539170511674696	to:0.08516477536554258	in:0.06442420016696311	be:0.060510029785907846	for:0.05908546367091282	their:0.050423739786130184	was:0.04608818255850469	:0.01
and:0.3744082619325628	was:0.15078198853002944	as:0.08774894101295673	is:0.0780726849846514	he:0.0702444905144563	be:0.06570752588107649	not:0.05808543493037325	that:0.05531197997768851	to:0.04963869223620504	:0.01
a:0.2873350234716249	this:0.20607518362193175	the:0.1734957310602264	to:0.15387946373593556	last:0.053889279133890494	next:0.03860915578949409	his:0.027104028992935434	that:0.025446993200138043	and:0.02416514099382343	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
and:0.39374688118394197	to:0.22349962865051812	not:0.07325808986714295	that:0.054342221381652435	or:0.0516867063609947	who:0.04990290645230247	of:0.048965821591113116	will:0.04819592503119137	re-:0.046401819481142845	:0.01
as:0.2625666998180363	and:0.1603646464042952	is:0.1127782657124414	order:0.0825173784442732	necessary:0.07898886142847032	time:0.07650810294239473	not:0.07338280480532441	right:0.07292504012849517	enough:0.06996820031626916	:0.01
the:0.2197845750146409	his:0.17086381820749233	our:0.16804905424106484	a:0.11767260773460372	their:0.09073142347026483	of:0.06334029101902033	her:0.05998983025261467	my:0.052686312661753464	other:0.04688208739854483	:0.01
part:0.17054134734511595	one:0.16864554102609366	out:0.14439268635263805	side:0.11771631661078728	line:0.08462409997600932	amount:0.0811904136773103	all:0.08050194711423171	and:0.07564091159298654	tion:0.06674673630482723	:0.01
Los:0.9110490584674461	the:0.030451662929454816	and:0.018927658866145936	of:0.017658443944237535	com¬:0.002896154033983669	to:0.002545171456136129	com-:0.002496611111064621	all:0.0022287637718031803	these:0.0017464754197281734	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.2953544238323081	of:0.1905502356800568	and:0.11048656488447613	.:0.10430984015895757	a:0.10238929871975465	to:0.06490874828103697	at:0.041108323707966465	<s>:0.04061879714325807	in:0.040273767592185164	:0.01
A.:0.5863073435472371	.:0.12636944791136717	Mrs.:0.056530654897888395	J.:0.05089092182551912	W.:0.03862945211863481	S.:0.03717027822402591	M.:0.03339581718368461	C.:0.0308420271602623	N.:0.02986405713138059	:0.01
I:0.17587560868284302	they:0.11746070276225445	it:0.11511463385847173	and:0.11466590077479265	you:0.11368166269939266	he:0.11015790777220869	which:0.09583454184378609	that:0.09455437768014616	we:0.052654663926104676	:0.01
to:0.3471885027613698	that:0.11195320919233384	may:0.0974932553517612	can:0.09628328494816306	will:0.0917250811353003	not:0.09155705653505533	should:0.060903158312504646	must:0.04818807364632393	could:0.044708378117187884	:0.01
the:0.19973673748319962	south:0.18702779361968208	north:0.15982485632839313	east:0.14416008078002449	west:0.1271368694625307	one:0.06117723817628734	other:0.050782521233723094	either:0.03197613557020537	a:0.028177767345954213	:0.01
provisions:0.16627098017731173	copy:0.15165327534695813	date:0.12617568642366098	part:0.12388683156619237	one:0.1044724200406653	out:0.09585475097905363	people:0.09019386903076457	publication:0.0773301702042243	members:0.054162016231169084	:0.01
the:0.34351035899420623	of:0.11601856728710269	public:0.09258806102987949	Sunday:0.0859252032792926	high:0.08356529223930771	The:0.08011558867545134	this:0.0729009175457177	a:0.06106961056167636	that:0.054306400387365804	:0.01
and:0.3251243842154309	as:0.11996151887212793	of:0.10544685758710862	to:0.08558964769876477	or:0.08083048696960791	the:0.07373403786871574	that:0.0726217697038474	it:0.0660729723417961	in:0.0606183247426007	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.3433664815884728	said:0.18004805898072027	of:0.15998353461292078	and:0.09039654485837716	such:0.07171980273403604	The:0.064185547080263	that:0.031945157105533986	or:0.02553170316307781	this:0.022823169876598104	:0.01
the:0.3077782568895084	he:0.12053942544812866	a:0.11857384269299666	I:0.11615745440337769	and:0.1132879032390152	was:0.07206965615098306	be:0.050749503431042085	never:0.04861974672006707	is:0.04222421102488117	:0.01
it:0.3349641634608517	It:0.2821273905989333	he:0.07518402809182298	there:0.07313812428280234	which:0.06380231169616617	that:0.051641987265936634	this:0.037152031399155926	This:0.03608899998186505	and:0.03590096322246592	:0.01
of:0.18739725268669097	to:0.1807617630353847	and:0.1751735361372847	the:0.13400279328149498	in:0.11965612230579166	for:0.06383932025510801	that:0.05194580490062087	or:0.038827466665521844	In:0.03839594073210224	:0.01
of:0.38413689096012693	this:0.16059456844937592	in:0.12012821492715414	the:0.10551734426966498	that:0.08291575630241725	said:0.04711049816294927	to:0.04248934857173932	In:0.0240438407131785	and:0.023063537643393535	:0.01
feet;:0.20317279970179644	2;:0.1616354114075714	3;:0.14708887094975326	4;:0.14139070182301908	5;:0.09682810864293497	6;:0.06988891837140393	7;:0.06556962154286078	;:0.054949930297410084	feet,:0.04947563726324997	:0.01
of:0.21015918041671386	and:0.1790073964365297	in:0.16885540541764665	that:0.10893469525474345	to:0.08186557722793636	on:0.08047304347530342	nearly:0.0552101135935322	by:0.0542671115119065	with:0.0512274766656878	:0.01
that:0.30290327158295705	and:0.17574162318930542	which:0.12282287964148736	as:0.11562164629465072	but:0.06871700045818657	what:0.06334553190481479	when:0.05618519283448438	if:0.052224647008474415	If:0.03243820708563923	:0.01
the:0.4007882469987831	of:0.14149914796481478	two:0.07618023983106047	three:0.07540692113346954	several:0.06382740984303098	a:0.06377526428014554	their:0.05742084461326995	other:0.0573597377388368	for:0.053742187596588706	:0.01
one:0.23605402837694317	part:0.17194359534856798	some:0.13057929531661294	out:0.12609862768167032	all:0.08237599258252051	portion:0.07212181862165871	any:0.059401597507645225	much:0.056366864893261065	that:0.05505817967112018	:0.01
the:0.4319858855560845	this:0.10779689732030921	The:0.10276914647242258	National:0.09888068450449033	State:0.08436444613735797	said:0.05917161983829576	that:0.03749149679506636	City:0.035201700803094635	a:0.032338122572878714	:0.01
southeast:0.23611623983277436	the:0.20483223042944695	northwest:0.17237173193182947	northeast:0.14631640660966547	southwest:0.07710962791380263	a:0.05432181578067691	east:0.03822111268949895	west:0.03795831496719287	and:0.022752519845112503	:0.01
two:0.19029245257588628	few:0.12391066236752231	four:0.11754544254576457	many:0.11527380083569434	ten:0.11271088551475901	three:0.09640966424095357	five:0.0824539407316281	twenty:0.08218687336948208	of:0.06921627781830969	:0.01
the:0.32601648739560724	this:0.16574617677633374	a:0.13792660726810865	The:0.09280951319933216	his:0.07772878595272428	that:0.06637415659307079	our:0.04897355530501663	one:0.03893329194451453	said:0.03549142556529196	:0.01
up:0.19052471191755593	;:0.12190227193156043	him,:0.10970069109341941	hundred:0.1079369788257501	him:0.10460288691336976	made:0.10371692417761405	time:0.08755732422023657	them:0.08387005617036825	them,:0.08018815475012558	:0.01
.:0.20215052228256694	of:0.16333934104918074	and:0.15055656010116772	the:0.13051729287666705	by:0.08253177459092514	H.:0.06860187460536739	Mrs.:0.06725994984517841	J.:0.06587351208493328	to:0.05916917256401322	:0.01
two:0.3294994507079569	few:0.17670097285821093	six:0.09315623177012125	three:0.08521318916000238	several:0.07847221952710612	four:0.06907438496034528	twenty-four:0.05672724373907475	five:0.051155766814480454	eight:0.05000054046270198	:0.01
he:0.32096178263742736	I:0.20814772595352332	who:0.11913510567536341	they:0.1012362374318389	she:0.06976704291138333	which:0.04401182014027198	we:0.04353998892560716	He:0.04293636989208722	and:0.040263926432497335	:0.01
set:0.6324859659982723	not:0.08391373832597822	lay:0.050763748969066116	laid:0.049119563155945734	setting:0.048193603005102524	put:0.0378638334794617	and:0.0353813526314881	to:0.029402340535246277	brought:0.022875853899439063	:0.01
the:0.33234301859327503	of:0.16511810112924477	and:0.14359386254401948	a:0.07809521494992094	that:0.07723479213752328	The:0.052790940042757695	in:0.051550293467254364	no:0.0449303041329755	Mr.:0.04434347300302878	:0.01
and:0.2165381807466691	the:0.18724203922351226	of:0.14904754853675403	to:0.11548725602063734	be:0.07888300539379994	was:0.07500647985195938	in:0.06698318540006265	is:0.055634215838476345	are:0.04517808898812875	:0.01
that:0.2994240904225421	and:0.21670346937709573	which:0.14122881951388647	but:0.09192054755653989	as:0.07340828337400185	when:0.06241604775346419	to:0.03709501725824319	where:0.03572550459949674	if:0.03207822014472997	:0.01
in:0.42847363320286264	of:0.14393029689732253	In:0.09393897926472873	to:0.08714011196680098	for:0.05948672335082321	and:0.05301018068393991	with:0.05142257031110866	at:0.04063128784645755	have:0.03196621647595591	:0.01
one:0.21303943994489263	out:0.1698340805609801	part:0.1472687798153334	some:0.10564771493692295	account:0.1047360670487683	any:0.0723917686949588	all:0.06334962810761698	that:0.06091520523433158	tion:0.052817315656195345	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
one:0.22043979554334728	part:0.17073202577386606	out:0.1504453831229998	some:0.08943673051487451	side:0.0779259956881897	end:0.07349403345130155	members:0.07129904224908563	portion:0.07021530842224585	all:0.06601168523408947	:0.01
it,:0.14249844072210638	it:0.1283171690249335	up:0.11630588375426512	them:0.10577634063577449	in:0.10427292415050095	men:0.10415953316577907	them,:0.09759826166811475	out:0.09554702233972374	him:0.0955244245388019	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
the:0.7606828980618172	of:0.062033000656655866	tho:0.042022102195523534	said:0.031184200383118428	this:0.029182921572264046	a:0.02430602327287697	for:0.014820728889868332	tbe:0.012905156937946652	his:0.012862968029928906	:0.01
of:0.2460717628139802	and:0.14744691286217174	in:0.14405983434980116	a:0.09843298767067889	is:0.09125347210160978	are:0.08111754176776678	was:0.07206667036034738	for:0.05777363515955494	his:0.0517771829140892	:0.01
W:0.14910773017956414	M:0.12276990578542449	J:0.12075148222724486	C:0.11156552709985228	S:0.10363588713123016	E:0.10247688778446311	A:0.09710894198133282	H:0.09413683549342977	B:0.08844680231745826	:0.01
the:0.6749229393555606	this:0.06915528879922793	The:0.05797528146378467	a:0.04534335875626983	tho:0.03595732315269041	an:0.033596947667829634	said:0.025406168540043576	of:0.02447650334920776	that:0.02316618891538541	:0.01
of:0.20528423458880396	or:0.1538968724936687	about:0.14437846895983172	than:0.12616952397147538	and:0.12089009875490095	the:0.09225722899570948	nearly:0.05265026613824637	thousand:0.04909935638991147	over:0.0453739497074518	:0.01
and:0.26745267416887475	Beginning:0.22525587652116277	was:0.11377028395927055	Commencing:0.10809071640443553	is:0.07344548581441636	that:0.051702392669663144	look:0.05066270801955132	it:0.049895643535544223	him:0.049724218907081376	:0.01
they:0.21226560548598497	there:0.19716397591064685	There:0.1429281247606445	we:0.1276138088451262	who:0.07981068731693537	They:0.07498542625166148	you:0.06206621296562419	which:0.05064533468887049	We:0.042520823774506	:0.01
to:0.33528270245205355	the:0.15402665504851065	and:0.1536422133333786	of:0.15301422031178302	in:0.04861645238007527	or:0.040455721515250634	<s>:0.037515844466641954	.:0.034526797406761775	be:0.03291939308554451	:0.01
be:0.22324340392112424	was:0.18790906311378686	is:0.13115047359365814	been:0.1277290127165919	and:0.0869127879843747	are:0.07171353490132941	were:0.06910928418154214	being:0.05476368165104648	the:0.037468757936546124	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
it:0.19490961800089515	and:0.19176679436757246	he:0.13043836183929858	It:0.12292232497640031	that:0.09966531061481447	which:0.08557033227227642	who:0.06011933991395717	nor:0.05426104682492604	What:0.05034687118985947	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
to:0.17662257462718098	who:0.17524188618985256	I:0.14811519192260572	they:0.12324191348063034	we:0.11041956698069366	and:0.08342352879050317	would:0.06523245131173165	We:0.05564222833847325	not:0.052060658358328765	:0.01
get:0.1466179279908691	was:0.13816166858847523	and:0.13411725524820045	him:0.10611862598008347	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536371	go:0.08768078124059613	come:0.08255568388883913	:0.01
one:0.3096860623795016	part:0.1233872823864265	out:0.10161611011344554	account:0.08846414010808969	that:0.07857280823449284	cause:0.07591668159447267	any:0.07403292883705044	some:0.07294777123004341	tion:0.06537621511647734	:0.01
they:0.28446044335967363	we:0.14608640806754447	who:0.14522931627121702	which:0.11620069898910895	They:0.0745944596136138	that:0.058586226749931254	there:0.056075725703926216	you:0.055895328771538744	and:0.05287139247344584	:0.01
of:0.3134958089864644	in:0.13299929441144953	to:0.12823688870248	and:0.09736693258021493	with:0.09437651611491048	that:0.07238629145022925	on:0.054809350080435346	for:0.05420997482493492	by:0.04211894284888123	:0.01
the:0.32020998227583497	to:0.13522116753475766	will:0.11113349481903008	and:0.10932463514828092	an:0.07277003507943874	not:0.06699437766785483	of:0.05951910548050354	no:0.0579352928940435	a:0.0568919091002556	:0.01
of:0.2394459909603569	the:0.1947621424096186	and:0.19355548233287825	to:0.1019519776606147	be:0.05930911108984446	was:0.05095346787872063	in:0.050616436498381434	he:0.050249655166503523	a:0.0491557360030814	:0.01
the:0.27673912176074406	and:0.23941193564225666	to:0.11927631160041899	a:0.0943564774357278	can:0.07311142547045796	will:0.05667328032057674	of:0.044952110899149716	that:0.04312932332252169	which:0.042350013548146215	:0.01
and:0.277041036265273	was:0.15210578627000415	are:0.1121927649091567	is:0.0988897953410956	be:0.08476845902434825	or:0.07869584624404423	were:0.07063898567099396	that:0.05992418052452087	it:0.055743145750563196	:0.01
a:0.2843983119971356	the:0.18388533658932824	A:0.1315001596655834	One:0.09153109079796391	that:0.06884733478718379	one:0.0622414212039712	of:0.06179949209573944	and:0.05864005362538858	last:0.04715679923770579	:0.01
and:0.2546616383805921	the:0.238231152364289	of:0.23072813369022166	with:0.05905024256428715	or:0.051242976319429305	no:0.04650622734214275	for:0.04016635915667988	by:0.03651381082981262	in:0.03289945935254558	:0.01
of:0.41879060163610415	on:0.13836690129069246	in:0.13490713470392	to:0.10633750347183464	from:0.054599341177610956	by:0.04578874496310946	and:0.03252381045710034	along:0.029401338940533046	across:0.029284623359094878	:0.01
there:0.31792060553551105	There:0.2289986106408456	It:0.12723188543055353	it:0.12505343413185893	which:0.048489575379316786	This:0.04517066265750571	that:0.04385909080490402	this:0.031144485852852247	he:0.0221316495666521	:0.01
of:0.23263405770696685	at:0.15112258939896792	in:0.13071599623158883	to:0.10950454781810545	for:0.101239446110944	on:0.10013154685253053	and:0.07507416717033927	from:0.04755879529717124	In:0.042018853413385876	:0.01
said:0.21811251752064983	the:0.2005658809109547	of:0.19559264325250703	to:0.14353455047120336	on:0.09253421714515478	by:0.04006134258613858	his:0.037559554142721226	in:0.034672569754686904	any:0.027366724215983615	:0.01
the:0.41278941349222126	a:0.12855070738836297	of:0.12250304876249758	in:0.08629834225307474	and:0.07228980890319561	to:0.05075232290350121	The:0.04856794117789731	an:0.0348096174991363	for:0.03343879762011298	:0.01
the:0.6305443002617414	at:0.14772676994102527	tho:0.03848645658234538	its:0.03559422975183326	The:0.034016556201952534	our:0.029940434937526066	their:0.027213208085179273	to:0.025148630422465873	his:0.021329413815930894	:0.01
has:0.33333702863715825	have:0.3228425110935221	had:0.21242768928722014	not:0.04475958616135297	having:0.036412240452270685	lias:0.0108107693705246	ever:0.010240910698968788	bad:0.009790534037515718	never:0.009378730261466729	:0.01
the:0.8001754830200196	tho:0.03632353297677438	of:0.030979382822141268	The:0.026931291276810754	on:0.02419012428512811	an:0.02215247975045158	in:0.018109842952733265	and:0.015575583077064742	tbe:0.015562279838876203	:0.01
is:0.15987667133876307	able:0.1227424241965867	and:0.11681047036202968	was:0.11081336994704045	him:0.10956682876057978	as:0.106658200864509	time:0.09537320116115974	not:0.0881907477461626	ready:0.07996808562316893	:0.01
and:0.1951060423070764	called:0.17141350145046255	based:0.1163678018584929	down:0.11153637060501025	placed:0.09821204492419602	depend:0.07852066283373466	put:0.0766750233378742	insist:0.07205212018520861	depends:0.07011643249794439	:0.01
;:0.24189029576339335	it,:0.14447455886319682	him,:0.13078560541511702	them,:0.09615167478019503	it:0.08115502745303596	him:0.07882403108585184	in:0.07795527625761661	time,:0.06946212330919997	States,:0.06930140707239349	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
and:0.2315462136386334	the:0.22490479087931559	of:0.1618698701604011	to:0.08182285887689063	that:0.07060516472593711	a:0.06500623663700784	for:0.05634309481314048	which:0.05164305651158436	in:0.04625871375708931	:0.01
be:0.21935538795095208	was:0.1457728582237208	is:0.14245178627606475	are:0.1395906134063093	been:0.10368525156602346	were:0.08772653448457474	so:0.06060406283610804	and:0.05535008479067488	have:0.03546342046557191	:0.01
of:0.2626102075218878	the:0.24551604448371958	in:0.14669470586451852	a:0.1293728564385278	to:0.05536068505211036	and:0.05135085456535152	as:0.034438395782427245	that:0.0339885602665288	from:0.030667690024928265	:0.01
a:0.4072227353037553	the:0.2578414265843989	very:0.06552587351252222	and:0.057929767941718974	his:0.051367806119372826	their:0.049021827449328995	of:0.03894381240871593	most:0.03569302901174672	its:0.02645372166843991	:0.01
it:0.17996999397799696	and:0.1467717683447611	he:0.1418893356853653	they:0.12187243234760438	which:0.10517417096667325	It:0.07987872563752177	I:0.07603323103872063	who:0.06995382099532323	that:0.0684565210060334	:0.01
the:0.29027738760679683	of:0.17716815220706592	and:0.12389038224294513	in:0.11626368332365436	a:0.10954135482806564	that:0.04877337808863228	to:0.04317460948485827	for:0.041338307360486985	be:0.03957274485749461	:0.01
sell:0.20083825146821063	and:0.14265409820514965	o'clock:0.13619560671602668	day:0.13247129658145468	sold:0.09887543189495547	held:0.0849487489503578	was:0.07861219197171969	died:0.06678369289519716	sale:0.048620681316928156	:0.01
of:0.21136299159128716	the:0.17753213940010656	in:0.12419605282446165	for:0.10434749788854623	to:0.0902155832610982	and:0.0880223694023487	at:0.08063342385042982	a:0.06711930753512325	by:0.04657063424659833	:0.01
and:0.3212444796392059	he:0.14031779706165592	had:0.13910760855173987	was:0.09972299841624532	I:0.08286377862778121	who:0.06414159159040593	have:0.05629488176847202	be:0.04379533941881559	He:0.04251152492567806	:0.01
of:0.3221623304139265	to:0.25885058565574487	from:0.09540830564224477	in:0.089309833763548	at:0.07889341506321629	and:0.056940749041919154	the:0.03159307376887882	In:0.029748346687921905	by:0.0270933599625998	:0.01
one:0.26177410899864684	out:0.15556960502827208	part:0.1300889311722691	some:0.11334280627319535	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229724	and:0.0565737601528326	that:0.055371084160479686	:0.01
it:0.1912037633768029	and:0.14181893477537585	they:0.12842954853076882	which:0.10681691350284597	he:0.10149412192147439	It:0.09453437728173905	that:0.08217827055419531	you:0.07728264721486483	I:0.06624142284193282	:0.01
of:0.25152664055298124	the:0.20134356932632202	and:0.13591350786013764	to:0.12051753700374553	in:0.0743518891587371	a:0.0632346414166317	be:0.05213397851899265	at:0.046627234082953314	as:0.04435100207949871	:0.01
it:0.2131788841045554	he:0.1867324812779885	It:0.14093961810063965	which:0.10085580692903923	I:0.09523457785691533	and:0.0799079407626281	who:0.06284443033512091	He:0.05697400216718626	that:0.05333225846592657	:0.01
of:0.6729952527195047	in:0.17830495209648706	to:0.035634952803339844	In:0.03052144015093276	and:0.027706978406152244	the:0.014685686626840925	by:0.011215361337421962	for:0.010384748348137822	on:0.008550627511182856	:0.01
will:0.42760784964598064	would:0.13449120027508205	may:0.08231730523065031	could:0.06688105747215166	should:0.060823294047405975	shall:0.060569627665220296	and:0.05943352776273611	can:0.0499442397349203	not:0.04793189816585279	:0.01
the:0.389272800813676	of:0.17210485164621478	and:0.17082175439220343	The:0.11627151869807545	that:0.04169052592452665	his:0.028205704258302672	tho:0.025059907039819838	these:0.023323544818787702	to:0.023249392408393497	:0.01
have:0.18545774911546717	has:0.16777596421390242	had:0.15822469169637085	and:0.14000326005752978	was:0.08152936259167116	been:0.07480275218574646	be:0.07350399824326127	is:0.06170803679289689	are:0.046994185103153924	:0.01
to:0.1884421318084709	at:0.1791241369076127	of:0.15986728414702567	and:0.12364118260446284	the:0.11731561949949443	on:0.06966401037099171	.:0.05365882301519473	in:0.05329389679943893	for:0.04499291484730806	:0.01
that:0.2635729510579734	and:0.20831154859468598	as:0.13207683413561966	which:0.12508465137986644	but:0.09342121002229281	what:0.05136412459144457	if:0.04989727424936807	when:0.03377957587088903	If:0.03249183009786002	:0.01
the:0.29263217746943415	of:0.17550736750386745	a:0.16310624620330552	and:0.11000549737375898	to:0.08285668737538564	in:0.0647814373835329	that:0.03765473659652297	The:0.03728147018580662	with:0.026174379908385753	:0.01
day:0.19066187710328347	State:0.15913847844616635	state:0.1275273692182786	line:0.1257413516629429	side:0.10220907569578667	city:0.08366591591554945	county:0.08296329756108911	County:0.07369526852383089	corner:0.044397365873072664	:0.01
that:0.2635729510579734	and:0.20831154859468598	as:0.13207683413561966	which:0.12508465137986644	but:0.09342121002229281	what:0.05136412459144457	if:0.04989727424936807	when:0.03377957587088903	If:0.03249183009786002	:0.01
the:0.6575697637458343	of:0.15888776707621566	a:0.03681498001822668	The:0.03243435698330911	and:0.03030126854055607	tho:0.02723892932775947	on:0.021533530510232112	to:0.012804913501207455	his:0.012414490296659034	:0.01
to:0.3653528718918377	and:0.25680221006856235	of:0.08012951898789845	the:0.06850713937309004	will:0.048319219294582536	not:0.04797118394530643	he:0.043547347336427844	I:0.04072748648990365	in:0.03864302261239108	:0.01
the:0.2742520692555786	of:0.20474024814225336	a:0.16428546387840995	in:0.10590741782189382	to:0.07375140213215406	and:0.06771460110801009	for:0.0369222748253858	as:0.03370502944413624	In:0.028721493392178075	:0.01
the:0.178773384293596	and:0.15905693441419114	of:0.1507009654572478	to:0.12785537177660436	be:0.1151551695765266	a:0.09109342413565304	in:0.05932541876549419	was:0.0550093693954189	is:0.05302996218526802	:0.01
to:0.22337251680495837	and:0.1921394379853872	was:0.15025284833697586	be:0.11238537940533079	were:0.08723898035104712	been:0.06965370393643183	are:0.05563097139248967	not:0.050903973418586754	will:0.048422188368792585	:0.01
and:0.32537711780257433	was:0.12220052021919645	is:0.10742138220363176	are:0.08885861767224797	it:0.0829633053855797	be:0.07787982284930554	that:0.0718773326858391	were:0.058683061923616366	as:0.05473883925800886	:0.01
said:0.21461392154490835	the:0.21148293762877837	this:0.13068621703186262	and:0.12707565099743212	a:0.11384558049992428	same:0.06373636218209854	of:0.054994347014542144	next:0.03823713321867716	their:0.035327849881776265	:0.01
the:0.33601536274839616	of:0.16958902826991312	Mr.:0.10573912457216135	The:0.10541590539910746	and:0.08531333366099246	that:0.07291914405203645	a:0.05455260066519831	this:0.03190090597915657	in:0.028554594653037953	:0.01
of:0.22930634563853414	by:0.19285529939235008	and:0.15912643559902095	Rev.:0.1432169905132942	to:0.070790210355669	<s>:0.060062718694457916	in:0.04670068045319359	said:0.04636697018878571	that:0.04157434916469446	:0.01
the:0.22665523914659386	a:0.21450981610920097	of:0.1660967237202124	his:0.10404132847407499	this:0.07917769376118919	their:0.05884424313274001	no:0.04805925005334726	any:0.047288619724169804	good:0.04532708587847141	:0.01
to:0.27081586931002627	will:0.12594712842888114	that:0.11669512860813844	would:0.10994680962695072	may:0.09588100207792505	should:0.08178903954320044	and:0.0774806142857418	which:0.05955375320997588	can:0.05189065490916024	:0.01
in:0.3523579276949166	of:0.2765686372185567	In:0.0886960471775618	to:0.06378242933217942	for:0.047164314224571596	and:0.04675751339105833	with:0.039821136229830065	that:0.03853585057742096	by:0.03631614415390464	:0.01
of:0.32117316915588207	in:0.15284031028226666	and:0.14584767224091738	for:0.10728830362192186	that:0.0940085153028219	to:0.06485621751073173	but:0.0381403820940134	with:0.035456632968404914	by:0.030388796823040052	:0.01
he:0.2242417762609109	it:0.12878114764035253	It:0.11070307587847002	and:0.10564988555751101	which:0.10232161646221498	who:0.09484333164450745	He:0.09323569244568171	that:0.07116527912425154	there:0.05905819498609983	:0.01
the:0.35574206846072637	and:0.15896810210873036	of:0.15679853650912498	a:0.11251704719713505	to:0.06578086643409745	The:0.04207241453792848	by:0.035829787389200514	with:0.0322015310475615	.:0.030089646315495436	:0.01
to:0.35256640420913954	would:0.12470208334270645	will:0.09852700743323406	I:0.0940406788053392	we:0.07727529580889596	who:0.0687503143320535	shall:0.06248211170563952	and:0.05942381843578939	they:0.052232285927202464	:0.01
he:0.24195324444002686	they:0.1693088876990264	I:0.16560996234368525	who:0.14723786825167695	we:0.06922178732482465	she:0.06726927340866284	and:0.04682115062642908	He:0.04212754511819978	which:0.04045028078746814	:0.01
of:0.2912844283672652	the:0.19999747355476455	and:0.14048733695162877	to:0.12014683557006417	a:0.07247347119681663	his:0.05267187154297584	for:0.04252882897866759	at:0.036546610039992204	all:0.033863143797824874	:0.01
the:0.6433679084630854	The:0.06499665804745895	of:0.055371085566324696	our:0.04542089967060675	his:0.044010094164882683	American:0.03837634773506639	their:0.034953196560141786	and:0.03179397284014683	tho:0.03170983695228652	:0.01
of:0.2314787866626774	in:0.1635415441364617	at:0.13623310511628933	to:0.12475822205396489	and:0.08174569600768211	on:0.07648236697015053	In:0.06384841914428711	At:0.062453483901137044	with:0.04945837600734988	:0.01
be:0.2705778452236402	was:0.2659008720854407	been:0.14336397713106783	is:0.09000877504575129	were:0.07021376170509477	are:0.05226439299609866	and:0.044437921017882936	he:0.027873897620904472	being:0.025358557174119136	:0.01
the:0.4319105958634098	a:0.2884825987965892	of:0.07549590017184842	this:0.04801532225118098	The:0.044079693271758265	with:0.032493405498834366	A:0.027691618965203207	tho:0.021353694520013178	and:0.020477170661162426	:0.01
the:0.3727091127604743	take:0.3418219748606355	taking:0.08317299974613886	to:0.03436967747849446	a:0.03421368093946092	took:0.03284930344696243	taken:0.03214761627662365	and:0.029446035000314022	or:0.029269599490895647	:0.01
made:0.17295908650123606	take:0.14477461809886874	make:0.1267309868606757	took:0.10985375975440086	put:0.10143447680216158	give:0.09391292622724075	taken:0.0920634518130242	picked:0.07452197373783816	keep:0.07374872020455392	:0.01
the:0.4323132820292852	of:0.12336782166790543	a:0.0971811176975688	his:0.08037639407356527	their:0.07667506328810779	its:0.054012898690094756	and:0.04661757829136398	The:0.041817827917040494	our:0.03763801634506828	:0.01
it:0.19549328618000633	and:0.14240551424094677	I:0.12396452388203216	he:0.10837075534165982	which:0.09917829359620355	they:0.09882972305776178	It:0.08057606199899532	that:0.07393722861085704	you:0.06724461309153713	:0.01
to:0.4066178088404131	and:0.1491737150604443	will:0.1458703693910693	would:0.09684688027778628	not:0.05090171066850671	could:0.037941396627322224	I:0.03663147918730246	can:0.03319480386135016	the:0.0328218360858054	:0.01
the:0.2910452763504238	a:0.2118411243553457	and:0.13865746327248113	of:0.12280623968687575	to:0.0782434836624875	The:0.04436794788474623	or:0.03590544277743593	an:0.03569880465726704	in:0.031434217352936965	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
the:0.8317291756483433	The:0.09706860606175377	tho:0.02677408977834049	his:0.010047275422924376	tbe:0.009829269494173199	a:0.0038244692351635744	its:0.00381290258966392	their:0.003569888240446021	Tho:0.0033443235291914595	:0.01
of:0.34519319734920884	in:0.1740796979419874	to:0.13006151880460723	with:0.08186616628090776	for:0.061058474369524544	that:0.05773650080404843	by:0.05418565308948003	at:0.04739171217430812	In:0.038427079185927734	:0.01
<s>:0.4315669548231229	.:0.1742289381058952	lots:0.06529748357417822	Mr.:0.059873837809766135	President:0.05694685314495568	it.:0.05692241658015827	and:0.05126260175847215	St.:0.04867295403988803	from:0.045227960163563286	:0.01
of:0.37257385012193533	to:0.15456205200825693	in:0.11620413706528723	by:0.07825771689581237	and:0.06115176371234089	with:0.060047017247118036	for:0.0563551453152064	from:0.05336532636867095	that:0.037482991265371884	:0.01
of:0.2798832710788444	that:0.2541133273430641	and:0.1380592042185119	if:0.06265842800735161	as:0.060019599495054206	to:0.05163446237429426	If:0.05056458286320224	all:0.04702925641265599	but:0.046037868207021236	:0.01
place:0.87556942693188	point:0.04382782726088425	day:0.014230189360568971	power:0.013127474107945857	city:0.011520233769646573	out:0.01121667587732746	state:0.009955561081106406	and:0.005849249161869026	the:0.00470336244877134	:0.01
the:0.46789732203587214	a:0.24702586273752475	dining:0.09714701150655729	this:0.054605591282142166	his:0.03342364080969264	and:0.02353469880627065	other:0.0224234801099776	tho:0.022057578301063294	of:0.021884814410899518	:0.01
and:0.17968039240673853	put:0.13780222804809772	work:0.11680109377889591	it:0.11478777540367306	out:0.10523378076168087	placed:0.0896116603340918	that:0.08526578906705683	him:0.08183663854022741	them:0.07898064165953794	:0.01
to:0.5956093113726959	will:0.1248387570180116	would:0.05866511497950865	and:0.05185690394907447	not:0.04049479457136248	can:0.03044729542099438	must:0.03019589107515853	shall:0.029266940160839545	should:0.028624991452354382	:0.01
the:0.33247259990505845	of:0.17295725165747103	and:0.1667719904180001	to:0.09554346634445841	a:0.051222721012191004	in:0.04744853347408344	was:0.04393996506570028	on:0.04092355012125116	he:0.03871992200178614	:0.01
and:0.2275568136184341	of:0.198357135738386	the:0.1750661188511791	to:0.07855314553146203	for:0.06714821591926588	a:0.0663876628110636	that:0.06195441710685245	which:0.06002681078592804	or:0.05494967963742877	:0.01
at:0.4925372573387184	the:0.2011019346779313	of:0.06439392021220189	and:0.05971907922967461	to:0.046955524706209166	At:0.0467380947710893	a:0.03125603658296562	so:0.025753925472691955	that:0.021544227008517887	:0.01
and:0.22043221216889355	or:0.1402435894492591	appear:0.13388606094278052	days:0.124708957017998	that:0.09367849322853246	time:0.08957390444209595	brought:0.06392370992962311	just:0.062112643107892156	long:0.06144042971292521	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
of:0.5464568945796572	to:0.11582806220430915	for:0.06119090249964772	that:0.05228355858824332	in:0.04901525436697713	with:0.046526469625056036	by:0.04259449325945424	all:0.04044091432340798	as:0.03566345055324718	:0.01
the:0.7832320812241133	The:0.034994765375564875	tho:0.034248167636084056	in:0.03398518441840311	a:0.027055969153015284	and:0.026887077682553787	no:0.02065298669590591	to:0.014997236856731327	tbe:0.013946530957628381	:0.01
the:0.33601536274839616	of:0.16958902826991312	Mr.:0.10573912457216135	The:0.10541590539910746	and:0.08531333366099246	that:0.07291914405203645	a:0.05455260066519831	this:0.03190090597915657	in:0.028554594653037953	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.407300758899599	of:0.23576753961832833	and:0.14258954446526978	The:0.06138098928097866	to:0.04105281580942266	for:0.02661739792888378	an:0.026541568663651163	by:0.024414995465284833	their:0.024334389868581854	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.15862241364981214	and:0.15751333905624854	to:0.15637447451180367	the:0.14620390380107715	in:0.129532116122774	a:0.0677699611842351	was:0.06062990956871154	is:0.06058567911506544	for:0.0527682029902725	:0.01
I:0.4520348112499833	to:0.11241668274729089	not:0.09108312908628932	you:0.08867032898289916	we:0.06448579587140611	and:0.05649340176365031	1:0.05506522450554836	We:0.04232286252940478	they:0.027427763263527652	:0.01
be:0.18596561433059947	have:0.1733814739710572	he:0.1341276266413393	had:0.10773849307990521	and:0.10592335935769895	was:0.07747335852198195	has:0.07668357080626835	I:0.07569419524102929	is:0.05301230805012041	:0.01
men:0.17720100873507577	him:0.13778241106576816	time:0.1178033853144854	out:0.11327047520822671	up:0.10971171881460749	city:0.08567922927992858	them:0.08432435341805966	can:0.08234286146629949	in:0.08188455669754867	:0.01
the:0.5190061059306472	a:0.1777625006821103	of:0.07625901455717495	on:0.06407247248262031	and:0.03904723927801755	in:0.03556573324443519	The:0.027344377289893886	for:0.02562141881944103	tho:0.02532113771565949	:0.01
the:0.3158408192967073	of:0.21994251758856873	and:0.1003583695997111	in:0.09695672547539042	a:0.08113682500390351	to:0.0635818677061302	as:0.037860623230459994	for:0.03759735826284289	that:0.03672489383628577	:0.01
and:0.17414382311366458	it:0.1332014681172871	him:0.13163738263447378	him,:0.11583660135941246	time:0.09320389569296608	them:0.08995606629616448	men:0.08711775958018796	them,:0.08325949605566184	it,:0.08164350715018179	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
it:0.19087407342617227	it,:0.12713147329124722	him:0.12005954907577947	up:0.11935455593136396	them,:0.09800116203247214	them:0.09041938593804895	;:0.08813441427053831	and:0.08070779420573153	time:0.07531759182864615	:0.01
of:0.4867197351404902	in:0.16352154209430358	to:0.07041765230056345	In:0.05228793022091132	by:0.04703260947398028	that:0.046686251988778446	on:0.04622369742820212	from:0.0412145774782885	at:0.03589600387448219	:0.01
of:0.41387618861087605	in:0.2482324655587682	to:0.0784091673704518	and:0.06658829921264824	from:0.0576756240059797	In:0.04310275678806003	on:0.04206347320816675	at:0.02192752339826676	for:0.018124501846782555	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
the:0.3815039958496735	of:0.1775850791910821	and:0.11696029018755366	a:0.07779102455404187	in:0.06270769571925004	to:0.0565555002363238	.:0.04684603512525859	an:0.03809697142664876	The:0.031953407710167615	:0.01
the:0.3406988508306554	a:0.2545864663724193	of:0.14212782220540512	and:0.08948304876145342	this:0.04792272812843418	his:0.032839296662892405	very:0.03243050048388012	most:0.02501918602371206	by:0.024892100531148254	:0.01
the:0.5942344849936285	The:0.0890754376827932	this:0.08012227640219699	of:0.07335437156093966	said:0.03982341627302276	our:0.029849700075998777	such:0.029357283915717847	any:0.02740946858211304	his:0.026773560513589166	:0.01
that:0.3206005447582862	and:0.14029219895670667	which:0.11571779895744334	when:0.11007850155200313	but:0.07750892545040071	if:0.072449996605486	as:0.06679490706112401	where:0.05031297074891964	what:0.03624415590963029	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.4583638387205192	to:0.10334740792384976	in:0.08120894466927439	with:0.0641051991359694	and:0.06354877428088508	by:0.06161256058969246	for:0.05846447622167487	that:0.05601015909356688	at:0.0433386393645679	:0.01
of:0.43497373686009055	in:0.10943599308165079	to:0.09786990874557734	on:0.08567786308535341	by:0.07789378813517403	and:0.05345678999417756	that:0.051371486062612104	from:0.043187127605810664	with:0.03613330642955356	:0.01
of:0.47690685519650555	the:0.137655129217878	and:0.09397019195697173	in:0.0693970652834722	with:0.05387668943371414	it:0.051290446055519974	a:0.03792817449955502	for:0.03643878170673864	ar-:0.03253666664964461	:0.01
the:0.7034796475381144	The:0.08101223811846885	and:0.061485984827939634	tho:0.0499213516547758	a:0.03257332405117143	other:0.02325214733577753	tbe:0.01930607949457224	of:0.011264397644606412	an:0.007704829334573769	:0.01
of:0.28257475053132186	to:0.1563998891818066	in:0.14516919600023287	and:0.10392155756860162	with:0.10086456050731026	that:0.0700560694969397	on:0.049409017899068146	from:0.044201861248779284	all:0.03740309756593975	:0.01
it:0.19607017306149033	and:0.16058581433301125	there:0.1265723458376324	them:0.09865932803144394	day:0.09298119172999561	him:0.0926653614908627	made:0.07979447656269983	year:0.07135664270162474	<s>:0.0713146662512392	:0.01
a:0.43387233116657375	so:0.1655038599136487	the:0.1356602870431119	very:0.07574313231743487	his:0.04261995134629696	not:0.04047121230953369	and:0.03840115255759181	as:0.031930648981003736	have:0.02579742436480468	:0.01
of:0.34820354389133334	the:0.31954696961184775	a:0.0963919010716767	and:0.04683146099362693	their:0.044379873398685384	in:0.04309380014278059	his:0.039729940232888596	to:0.027487816931491344	great:0.024334693725669397	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
is:0.20986921952382295	was:0.20121819468303812	be:0.15983960806717007	as:0.15362798113556725	are:0.06753229249224542	were:0.059062648352731506	and:0.053872059724295256	been:0.04629086017679622	Is:0.03868713584433323	:0.01
and:0.3274567467080461	place:0.1537603770353304	was:0.0906424583977484	held:0.07870082061445474	not:0.07136889565304963	arrived:0.06999765875318927	that:0.06992803243691739	them:0.06413339551123619	are:0.06401161489002795	:0.01
<s>:0.47586635172640585	.:0.12482876411395696	it.:0.108465767776175	them.:0.065264285885455	Clerk.:0.05334397719035086	him.:0.04654279826941615	thereof.:0.041958788041951	and:0.03756142800460194	time.:0.0361678389916873	:0.01
the:0.3127947146552279	a:0.277448694746578	of:0.12974170098669316	in:0.09394736321451502	and:0.043212337791598845	very:0.03817876394497628	to:0.03768831134545429	for:0.02878920342338471	The:0.02819890989157177	:0.01
from:0.35320388718922985	and:0.1677897095896351	of:0.16747770149380525	at:0.09455085116969557	in:0.06161301949405432	with:0.04145674961995477	for:0.03564790807437408	by:0.03429850941343685	to:0.03396166395581435	:0.01
the:0.3720023252143413	of:0.1941351269845523	other:0.08339116526973617	all:0.07284883675003435	an:0.06774626718063424	a:0.05547803778364883	their:0.04948154705747781	good:0.047613571045660295	this:0.04730312271391485	:0.01
and:0.18893461884206197	the:0.1261547008425753	persons:0.11023421670679852	feet:0.10375292928068346	a:0.10297732604554524	line:0.09433627045982453	lot:0.09365102191108401	<s>:0.09145848192003468	which:0.0785004339913924	:0.01
<s>:0.5930996081218914	it.:0.11558309854571526	them.:0.05201422891130757	::0.04517249631746882	.:0.0429691969067057	country.:0.04057876477199891	people.:0.033966835444693755	time.:0.03357506222097869	year.:0.03304070875923984	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
line:0.1965432942671781	State:0.13953875255908724	number:0.13557916325175678	name:0.12397482093275528	estate:0.08301169097696506	corner:0.0788675673065939	city:0.07886694068464112	daughter:0.07865715577772517	state:0.0749606142432975	:0.01
be:0.451025841202669	is:0.10893640433301859	was:0.1044175739506102	and:0.08585344231835261	been:0.07652531619327671	have:0.043078450289414004	are:0.04105284460658349	not:0.040819002257699154	had:0.038291124848376136	:0.01
of:0.3082829537921129	the:0.2989721630814486	a:0.09404747059983959	in:0.08260674074739109	to:0.061832341135629	and:0.048022748985164954	from:0.032283644498497	The:0.03211856512158717	for:0.031833372038329664	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
thousands:0.3720665206051326	millions:0.3415792067045099	number:0.09132226560445933	hundreds:0.08458010579428411	sum:0.034921926533505177	couple:0.02332806765994161	billions:0.019268839181274165	sands:0.012025480085990404	Millions:0.010907587830902616	:0.01
made:0.26265731267074843	and:0.22961398020134133	or:0.13449682185445072	caused:0.075849899788273	that:0.07503884018094473	it:0.062327912179133096	accompanied:0.051037555378563755	was:0.0509414177167287	surrounded:0.04803626002981649	:0.01
to:0.40263887624942435	will:0.1837249641967022	may:0.10612733769400423	shall:0.0659507050743825	should:0.059175323943519854	would:0.05269416011728895	can:0.043831175366826604	must:0.04236569554773388	not:0.03349176181011739	:0.01
went:0.1794974806493376	go:0.15454708545878776	came:0.11151278596248962	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263337	down:0.08367866714280338	come:0.07744132287303515	:0.01
or:0.27762553005288093	and:0.13064399316300915	not:0.12877463652398705	be:0.11041845872744177	was:0.08160641197461242	the:0.07510636362592868	is:0.0673168584903593	are:0.06567323368171052	with:0.05283451376007018	:0.01
the:0.3134046250914595	and:0.1639811262901994	of:0.14219853618777395	a:0.08796748462862844	be:0.06957567662122315	to:0.06819117620207864	in:0.05948443407937532	was:0.04595601497713156	his:0.039240925922130146	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
that:0.35293185256899967	which:0.12489922641677852	if:0.09882764445054558	as:0.09153220831481992	and:0.0870562662839039	when:0.07289888995907191	where:0.06153747893122891	but:0.05206554947727277	whom:0.048250883597378856	:0.01
W:0.14910773017956414	M:0.12276990578542449	J:0.12075148222724486	C:0.11156552709985228	S:0.10363588713123016	E:0.10247688778446311	A:0.09710894198133282	H:0.09413683549342977	B:0.08844680231745826	:0.01
one:0.26177410899864684	out:0.15556960502827208	part:0.1300889311722691	some:0.11334280627319535	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229724	and:0.0565737601528326	that:0.055371084160479686	:0.01
and:0.3099153085789093	fact:0.1409983175313677	said:0.10921240888874081	so:0.10269451629753672	believe:0.08424140254149144	say:0.0787722869319005	know:0.07483722232436053	stated:0.04648170615106685	show:0.04284683075462619	:0.01
of:0.2654522165841424	<s>:0.19862647392326596	the:0.154629475187492	to:0.14704281933471025	in:0.06002964745614592	and:0.05151217817309042	said:0.04294730601809345	for:0.038781725325944864	by:0.030978157997114546	:0.01
and:0.2802179654686674	together:0.17581662481571086	covered:0.10720042995908446	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357521	met:0.06358405713054323	them:0.061624174380125664	but:0.05201828012722528	:0.01
and:0.3523939258864828	that:0.14440617334781114	of:0.13432379754418652	or:0.07271324377315667	it:0.06470797582669009	the:0.056574811812524155	him:0.05598146673497821	<s>:0.055058044944473555	for:0.05384056012969703	:0.01
an:0.5876076461554917	the:0.19015657010609027	proposed:0.0494347173757425	this:0.046025160952994325	said:0.02979183966261769	An:0.027093902598660617	from:0.02246355180453608	a:0.019881859791559604	and:0.0175447515523072	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
virtue:0.21738001102627372	out:0.18977337920912904	part:0.11522775944009786	one:0.10400846177203443	quarter:0.09462884564091131	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
<s>:0.32285616252127114	and:0.19134587213807477	was:0.08226218979507015	that:0.08188763720483351	made:0.07382141432160089	it.:0.06895875144309487	file:0.06813787898337534	is:0.05420556549123636	be:0.046524528101443	:0.01
and:0.1752194112158736	It:0.164397091843824	it:0.1564792644062396	he:0.14204123805770047	I:0.12114492216676215	which:0.06684302849290157	He:0.05820732425195346	who:0.05617829578604995	1:0.049489423778695155	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
day:0.3128355846104806	State:0.19043915393877026	side:0.1011462924149628	corner:0.07798768867928023	county:0.06746820417600793	state:0.06264231430431227	line:0.060383939676556385	part:0.05864216227648048	House:0.05845465992314889	:0.01
the:0.7596050559209467	The:0.05026823054312067	a:0.038520693318354636	tho:0.03364015082533928	his:0.027687979576756335	their:0.0256121790195622	its:0.021298540747927384	our:0.01676424162793483	and:0.016602928420057797	:0.01
and:0.3460033457654268	looked:0.09678391852634671	look:0.08634026244828517	down:0.08311339396150949	called:0.08138127793074361	imposed:0.08028773867012932	bestowed:0.07594290020046159	that:0.07074452616663428	conferred:0.06940263633046306	:0.01
was:0.26869391692137634	is:0.2326076611312287	are:0.08900452759477528	and:0.08805363365568818	be:0.07386993473653548	had:0.07319222466492704	were:0.06288988815278722	been:0.05328272029595672	has:0.04840549284672516	:0.01
and:0.30937248239004295	that:0.14926177207768093	as:0.12706581059587674	which:0.07533535813185005	the:0.0745852795685487	of:0.06797592753701469	but:0.06524530027187	<s>:0.06371476663143535	when:0.05744330279568063	:0.01
to:0.2608050133660507	told:0.13422315811046726	of:0.12752100298749514	with:0.10843456833005494	tell:0.08926698675012805	tells:0.08600900729138009	for:0.08124118116198432	upon:0.055449761758186694	by:0.04704932024425275	:0.01
of:0.33406129049648303	to:0.12049264072633424	with:0.0963336285288878	and:0.0939645479779181	is:0.0864883967561169	in:0.08226092310789548	that:0.061430624386753084	by:0.057631216891386707	for:0.057336731128224655	:0.01
and:0.4543151232130634	time:0.10991304300581424	week:0.09783194347582366	up:0.06402108600180087	one:0.056230007348955974	that:0.05611572989303736	demand:0.051928754261596266	but:0.050594459444250554	day:0.04904985335565755	:0.01
of:0.23809024330009088	in:0.20395289149196297	without:0.10488925072650404	to:0.09834598227273955	have:0.08046261376735458	make:0.07586026898415055	by:0.07189567888065938	for:0.059834136859378814	or:0.05666893371715934	:0.01
in:0.20715768094177783	up:0.18279332003914164	;:0.11837694749579784	him,:0.10739149963476594	him:0.08666239110162094	it,:0.08591651498111183	them,:0.0703075200507604	up,:0.06704658566797499	,:0.06434754008704854	:0.01
of:0.2274042971499361	the:0.20271664897545216	and:0.12808673703200713	to:0.1053491150950283	in:0.09190963150906721	be:0.0654098204832012	a:0.05828099837938107	or:0.05692500395274872	for:0.053917747423178175	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
of:0.19389415824707545	<s>:0.17480584302893035	and:0.1220569618522596	::0.11598777633947527	in:0.09637487847233091	the:0.0942821361479222	to:0.06736932966974353	.:0.062947777598045	as:0.062281138644217617	:0.01
of:0.21112298787460043	and:0.1268007032289016	in:0.11960276911317111	with:0.11137493023639405	as:0.1094195021528035	to:0.10442486971420085	for:0.07556059526255895	is:0.06715317570594696	by:0.06454046671142247	:0.01
the:0.3056440501436695	of:0.21942091526728236	a:0.09413241271656307	at:0.09411132106905583	and:0.09139617446567275	to:0.06381818928201986	in:0.05135937259409206	.:0.040599636946573106	<s>:0.029517927515071388	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.0920144699599962	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
the:0.3329721013539439	and:0.25651972343127316	to:0.12072045430493479	of:0.08806351808779532	The:0.062295371436308485	that:0.03706078180899946	which:0.03206213298026458	or:0.0313456854058164	an:0.028960231190663988	:0.01
of:0.3486280861620671	in:0.1468269712005727	to:0.14487171783267996	and:0.09148294369327596	for:0.06377061144610693	by:0.052121558663597335	that:0.049997668225807014	with:0.04936708428095276	from:0.04293335849494025	:0.01
and:0.20851945862709836	of:0.16878208029476602	that:0.13627854277709975	in:0.12391513790504691	for:0.10965460500897561	to:0.09707232525239877	by:0.051655323839282	or:0.05086214626293857	with:0.04326038003239407	:0.01
.:0.2467609886558455	and:0.18786578608887547	be-:0.09593656520296871	<s>:0.09516664969176968	of:0.08215335909316042	Mrs.:0.08074520358931268	Mr.:0.07643960083894641	said:0.06526265170662662	W.:0.0596691951324944	:0.01
the:0.23285012614857864	and:0.19902298815546074	in:0.12541761993675493	of:0.12239348965660173	their:0.07704175612286181	for:0.07091884389537952	a:0.05766811898923951	or:0.05384007074736403	to:0.05084698634775907	:0.01
of:0.2608111582496926	to:0.14355399635632238	in:0.12949521813744466	for:0.12250530727704553	that:0.10428359843888321	and:0.07795206853334154	by:0.05758463798375296	with:0.057130904389482436	In:0.03668311063403488	:0.01
and:0.19583342605332962	that:0.1838994050203063	as:0.12119181844284553	of:0.12112615315282578	to:0.08831964160181255	make:0.08098984926957423	which:0.07701187457248801	but:0.06372021473945984	if:0.05790761714735823	:0.01
the:0.30038881848626026	of:0.23780738348722516	to:0.1105949953489272	and:0.10869992504082715	in:0.06712772709781926	a:0.05278164734219167	with:0.03998107913169259	on:0.03859315335779836	The:0.03402527070725842	:0.01
of:0.20509868068331527	the:0.18992360083848198	and:0.1627077320911976	to:0.11166884988859471	be:0.0979632635341338	in:0.06540848799261574	or:0.058966420912407294	for:0.05013839373631626	re-:0.048124570322937356	:0.01
min.:0.21387768087694958	.:0.14534811897605376	N.:0.12828920927216542	Mrs.:0.11977050400294109	M.:0.08175723876506644	W.:0.08104982423184785	mln.:0.07926197942909027	J.:0.07771226609708258	deg.:0.06293317834880302	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.18788202439181775	of:0.17449925888010945	to:0.14832844820280902	in:0.12756778395382545	and:0.12231010734010056	a:0.0961679741983244	In:0.048028718167453945	by:0.04272645651769303	for:0.04248922834786647	:0.01
and:0.48784503513644056	that:0.12198789492159642	was:0.06821331213233192	or:0.062226670235054904	it:0.057877917654126525	is:0.05359025236370969	but:0.050092695344111926	them:0.04518566700118262	as:0.04298055521144539	:0.01
the:0.5640742773294856	a:0.25660221166229674	The:0.06921584328562555	tho:0.030338260969875824	this:0.023007261686816407	and:0.012167979679654412	his:0.011721656499705692	whole:0.011577589688958206	A:0.011294919197581452	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
be:0.1487539229361705	He:0.1456774989273792	is:0.14420435391229106	and:0.13441473568740875	was:0.13392760463164483	he:0.12999120857265808	also:0.055670980871974175	so:0.05060579567044155	been:0.046753898790031806	:0.01
of:0.5022863984408036	to:0.12852380253180154	in:0.09870388629302378	by:0.07756319318422096	with:0.04512069153719358	that:0.0411607197060372	and:0.03872694362996148	for:0.031390146082763935	as:0.026524218594194158	:0.01
and:0.255581263403598	was:0.20348769425752422	be:0.16236719806353406	he:0.06768228173735523	is:0.06744697099429234	were:0.06519561869338544	it:0.05847211079208237	He:0.05570139979564505	years:0.05406546226258336	:0.01
of:0.3427591455493146	and:0.14546532158467343	that:0.11416173474085349	in:0.10502310970731549	to:0.09490624459881616	with:0.06374994467725066	at:0.04366810639582066	by:0.042093239619794665	for:0.03817315312616095	:0.01
2;:0.19164908377584747	feet;:0.18717148032323802	3;:0.16402693294282925	4;:0.15514934428077923	5;:0.11854186979075633	6;:0.060036321151824466	8;:0.042276289538117066	;:0.03783017597976879	lode,:0.03331850221683955	:0.01
the:0.4022963624445306	of:0.19825329933385272	in:0.0956839441685514	Key:0.06449981982105656	to:0.0586475013470521	from:0.05259510599669844	at:0.046677276861248486	and:0.0394121584751027	In:0.031934531551906974	:0.01
a:0.3910120490317824	the:0.354044780602689	her:0.04159635784346277	his:0.03957758910541759	The:0.03854557719754284	very:0.03717951400881449	and:0.032337297360072556	on:0.03190087511322821	A:0.023805959736990064	:0.01
to:0.2809449605855412	a:0.216632802838675	and:0.1263128446045133	the:0.0995853712865105	of:0.08623842475079808	his:0.05954450546528537	their:0.04967971166250935	will:0.041490570416367833	not:0.029570808389799412	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
be:0.32152003531674533	was:0.1821266273359404	been:0.16055588299008294	are:0.07254018411668006	is:0.07236711092437557	were:0.07209418315345219	not:0.03784288297600566	and:0.03709313827332663	being:0.03385995491339119	:0.01
the:0.33234301859327503	of:0.16511810112924477	and:0.14359386254401948	a:0.07809521494992094	that:0.07723479213752328	The:0.052790940042757695	in:0.051550293467254364	no:0.0449303041329755	Mr.:0.04434347300302878	:0.01
and:0.19051943986217015	of:0.1720639792232348	as:0.16747509158597676	the:0.13450047028301987	to:0.09096766000852802	be:0.06575526900119626	such:0.06334143169216884	much:0.055005516582227666	in:0.05037114176147772	:0.01
to:0.3201170735657341	will:0.26679301450498494	would:0.12965145946066245	not:0.05929650919372776	shall:0.05856718193794411	may:0.057533231405250296	should:0.04860522701663104	must:0.026608999250668102	can:0.022827303664397135	:0.01
and:0.2663591603566405	of:0.1444134399277054	to:0.13965468279450494	the:0.11545288046294258	in:0.09784587664794714	or:0.0675387383038842	that:0.06504972812634334	for:0.04685738216435673	on:0.0468281112156753	:0.01
a:0.3795083530096512	most:0.244614609372852	the:0.11182563500377957	and:0.10138712282958527	more:0.047357606282636036	of:0.02863451351256961	very:0.028083852429685138	are:0.024467884353248277	not:0.024120423205992707	:0.01
would:0.20295306292312673	will:0.14885933253128625	to:0.1487490142493471	I:0.12831565611217413	we:0.11879801451514217	they:0.07659681471171363	who:0.06120136322467247	you:0.05374159989007216	not:0.05078514184246533	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
the:0.2742792874027179	of:0.1927038208666229	and:0.13178418514435533	to:0.12574694036492268	in:0.06569727832729276	a:0.06552783895488037	be:0.05457765110028662	for:0.04048153641103007	his:0.03920146142789139	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
to:0.391785141732397	will:0.19496680564114854	would:0.08852249516447276	not:0.07368922977761438	shall:0.06855200990591417	may:0.06057907700927154	should:0.05402905441199173	and:0.03290185693412314	must:0.024974329423066797	:0.01
of:0.27328658422590446	in:0.2071788715607879	to:0.14497291544938498	In:0.08062970970417228	for:0.07887484748805323	on:0.06296508628633228	<s>:0.05219523442414231	and:0.04884223642840857	at:0.04105451443281394	:0.01
the:0.5058519325091402	his:0.15866207202891747	my:0.0824849257524449	their:0.056029344091464164	The:0.050732467939711506	her:0.04284746863449331	and:0.034176916853115406	of:0.03385238903734921	tho:0.025362483153363726	:0.01
thereof:0.2698030010731136	such:0.18268523023832675	well:0.12966776309955635	far:0.11948142473804692	and:0.11351203955970615	that:0.045334258308591946	but:0.043750847085996546	soon:0.04341075682466114	much:0.04235467907200061	:0.01
out:0.22746638687362125	purpose:0.20552903037276465	means:0.10669452787393785	number:0.09938023037308479	one:0.08292082881933213	all:0.07582461931215649	some:0.06538793050974262	and:0.06420580622691995	point:0.06259063963844014	:0.01
as:0.635645302868923	so:0.1315698162344852	and:0.06999578326294506	of:0.04173757410688585	the:0.028953787587317956	is:0.028778043763741493	very:0.022128089028091862	a:0.01646784309055135	be:0.014723760057058284	:0.01
the:0.2903031850674522	a:0.21531330514219996	his:0.15118503219149296	of:0.12101707124989668	their:0.07955068392952523	our:0.047642881235437466	to:0.03139203534913796	my:0.03042039231581797	and:0.02317541351903957	:0.01
is:0.34674550172007534	was:0.1895164086119105	and:0.11702050428411866	are:0.11194509269525767	Is:0.055943391071021656	had:0.04958859420254199	were:0.043485997447954845	have:0.043237135783641904	has:0.032517374183477325	:0.01
thence:0.3579219479572175	came:0.1066788042453648	get:0.0999199587720028	going:0.09142537579801817	went:0.07880826426678088	feet:0.07312612202077128	walked:0.06588480279907388	go:0.062243108175397105	all:0.05399161596537349	:0.01
of:0.2921417268414436	the:0.20109624025138534	to:0.10837257756477664	in:0.09153893314929461	on:0.0681499083572193	a:0.06502602872384239	and:0.06213141585352934	by:0.05778514318695228	for:0.04375802607155669	:0.01
and:0.2310256917358574	of:0.15988632569153033	was:0.14742444792604728	are:0.10615280783807769	is:0.08023044955786404	been:0.07555580405039992	the:0.0700765281399517	by:0.06219270158297156	were:0.05745524347729997	:0.01
the:0.37741509138326523	of:0.14913786033704424	and:0.11744361253408252	a:0.10966483406264173	to:0.056370589213101195	in:0.05245959318974914	The:0.051749093687914825	Mr.:0.039562321212088095	by:0.036197004380113015	:0.01
the:0.5208484922599077	and:0.14524656387014817	an:0.0693985569221281	The:0.05080573654921767	or:0.04995979004036366	first:0.046832720184137124	a:0.038582016765608115	as:0.03854916838365942	tho:0.029776955024830003	:0.01
of:0.34968916598468386	a:0.16023761836805614	to:0.11352525070391356	in:0.07504848469521276	with:0.06923386965461903	the:0.06755863682788775	and:0.06400297252570752	by:0.04879032524647602	that:0.041913675993443485	:0.01
a:0.5499543034589908	the:0.27913843125209875	large:0.04077323909104808	great:0.037720772816916034	The:0.02320500384585568	vast:0.01690412268161264	tho:0.015661604393579238	his:0.013451007985979261	A:0.01319151447391942	:0.01
the:0.23461550299651543	of:0.17252948833182508	and:0.1594625552338497	to:0.13464689459031873	in:0.0725469741969774	a:0.06852565506073854	at:0.05257237039160294	or:0.05023665816368985	for:0.04486390103448236	:0.01
of:0.4157474621588315	to:0.15430195603316227	in:0.1510163665610803	by:0.07915418494320586	on:0.04228261711840488	with:0.042265726682126824	from:0.03920413825884777	and:0.03469129548863466	that:0.031336252755705896	:0.01
and:0.34645702671198586	depend:0.12516363858513868	that:0.0839027168560696	depends:0.08258515921762419	called:0.07616536190125896	based:0.076126523464667	look:0.07331578949501216	down:0.06525488390728047	call:0.061028899860963035	:0.01
and:0.18363282820901694	the:0.12124915320812743	to:0.11727909452132212	will:0.1049323296525499	which:0.10304301242018114	said:0.10255730649379331	of:0.10121423398487817	that:0.07967799157623706	may:0.07641404993389389	:0.01
more:0.41477506862706526	law:0.09202509249280486	one:0.09095323280800532	be:0.07204576692876592	good:0.07152088848383967	man:0.06610007984438242	it:0.06516478421656302	and:0.06243228465409523	is:0.054982801944478396	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
virtue:0.21738001102627372	out:0.18977337920912904	part:0.11522775944009786	one:0.10400846177203443	quarter:0.09462884564091131	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
of:0.16492276617263188	as:0.14235554292803532	for:0.12012550391965679	to:0.11804304888088328	is:0.10765903754448344	by:0.10577900950707529	with:0.08013865166494041	at:0.07638712849796497	and:0.07458931088432864	:0.01
It:0.23127912378197046	there:0.21240176058284072	it:0.19501212350781538	There:0.10713821937054821	This:0.06595333365099705	which:0.04771265982771375	he:0.04597925216904934	that:0.04565003547638064	this:0.038873491632684394	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
the:0.29858092045500545	of:0.1807231836449305	at:0.11324637540312534	to:0.1031447595881243	his:0.07114973974976263	their:0.06999995701002926	this:0.06642064192449493	in:0.04413341432823939	a:0.04260100789628817	:0.01
that:0.38457105279790577	and:0.1577821204568523	which:0.10845930577745296	as:0.08716717497951534	but:0.06805912677201673	if:0.061829841333886824	what:0.05304923395820697	If:0.034608588073090266	where:0.034473555851072805	:0.01
and:0.3626377995400968	feet:0.11516165556945626	north:0.11099829106498926	committee:0.09097450338243562	put:0.06647501677231765	Mortgages,:0.06584923065449706	mortgages,:0.061519443981057825	mortgages:0.05821274179539492	men:0.05817131723975453	:0.01
the:0.49696686957080133	of:0.10770942361513829	said:0.1059821376788638	this:0.09468297128078497	and:0.05374648628747954	The:0.04548051450598641	a:0.03189346770966687	that:0.02765377235929692	Custer:0.025884356991981876	:0.01
and:0.3076298163893266	was:0.1161459077378706	is:0.10479315024611129	that:0.09863256466998649	as:0.09203202829757628	be:0.08027794226199989	are:0.06581897861021957	or:0.06307914019379122	it:0.061590471593118076	:0.01
cut:0.258044220321437	cutting:0.10896462077241231	it:0.10047757611948809	and:0.09304398266768055	taken:0.0910223578406389	went:0.08944772269246574	them:0.08805028156779354	of:0.0816626763718687	falling:0.07928656164621535	:0.01
matter:0.19397716184506195	bushels:0.14323318283354156	purpose:0.1376206051060301	number:0.11924831444344337	out:0.09079262450380855	point:0.0856810658522138	cost:0.07869432484516165	amount:0.07098770788783573	pounds:0.06976501268290322	:0.01
and:0.28093874506673566	it:0.14565130730806355	pain:0.12965325697815863	was:0.07902862677541422	him:0.07510760859958082	not:0.07499663083941865	that:0.07293660584681616	up:0.06709553384498941	is:0.06459168474082283	:0.01
the:0.2851263094811963	and:0.20198525185383956	a:0.1671930101948936	of:0.1080056149287238	to:0.07381765694109406	for:0.0520045406327364	will:0.038087477327676776	in:0.03485252240346103	their:0.028927616236378264	:0.01
up:0.14379276265105118	due:0.1306594330965311	hundred:0.11761620987023358	quiet:0.10493946178662528	out:0.10086175993494477	;:0.09971681507457311	made:0.09934880124684825	him:0.09864144908524422	it:0.09442330725394857	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
Section:0.282895141470037	<s>:0.17458881070746485	.:0.1261070362508514	lot:0.09468393282399157	and:0.07814251415370398	Sec.:0.06759109115529119	April:0.05743516686797581	of:0.05431917278947994	May:0.05423713378120431	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.4142924536627084	in:0.16734428039627613	the:0.1225977741532536	and:0.09190977960880549	to:0.05002501481966264	with:0.03695320692243829	for:0.03642086588859703	from:0.03585012406360331	In:0.03460650048465511	:0.01
years,:0.15449330871960454	man:0.12384837269790851	it,:0.1157835407283277	him:0.11228451673184255	it:0.10469188035257686	them,:0.09973801007744183	;:0.09964140399044373	him,:0.09130477125438492	time:0.08821419544746925	:0.01
in:0.31870890249722467	of:0.26669929926802194	In:0.10378360123134776	by:0.08102561191913141	and:0.0584063522175372	with:0.05239912849679071	to:0.04157388025836791	for:0.040037740532300865	from:0.02736548357927745	:0.01
and:0.3025641267728491	of:0.18769280950595296	fact:0.10757189565208604	to:0.10286182651341143	all:0.06254888528180087	in:0.05977362339474213	on:0.05605658461381657	at:0.05586772453948032	is:0.05506252372586056	:0.01
of:0.37606617075753496	to:0.1221618544474121	and:0.10829756380599606	that:0.0808876642395684	in:0.06809665537009453	for:0.06771693519425252	by:0.06165622918252059	at:0.05930042957046505	from:0.045816497432155746	:0.01
he:0.3014496785017962	who:0.1269067822185716	which:0.12604437206540864	He:0.10451170717295258	and:0.09405466857263753	she:0.07032792138302074	that:0.06301603900361417	it:0.056306292144514145	It:0.04738253893748441	:0.01
of:0.3260085621366655	to:0.16001707838342538	in:0.15965205778044234	and:0.08640905878171666	for:0.07947086818376009	with:0.05121363134149026	by:0.046298913239593946	on:0.0410707345597891	oi:0.039859095593116844	:0.01
is:0.2398291219596248	and:0.2016442815612472	was:0.12752608815304456	are:0.09348098859772107	be:0.0814231213007434	or:0.07915475599509697	had:0.057943810643998506	not:0.05773364531252278	were:0.05126418647600086	:0.01
it:0.23758907387370712	It:0.22466732129188907	there:0.133994632356764	that:0.08184768611606356	which:0.07047269319355498	There:0.06854109664882012	and:0.06269506105462146	this:0.05809779452346093	This:0.05209464094111867	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.29237950918743855	to:0.17716942761303364	of:0.099021191564675	re-:0.09088536501253566	that:0.07083086860883162	which:0.06939463277575889	in:0.06609805346610023	for:0.06347704537429572	or:0.0607439063973308	:0.01
of:0.28126635387311494	to:0.1418097537146432	for:0.10966993246486875	and:0.09593738888777519	in:0.09523318242292965	on:0.09018517455631601	with:0.08020999089473235	at:0.0492849521472289	that:0.04640327103839089	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.7520847964275207	a:0.08073904756360864	The:0.04053002994675314	tho:0.03872534529482169	and:0.025237229467666867	of:0.014930028241615014	other:0.014001193748112626	tbe:0.011896061140801157	great:0.011856268169100308	:0.01
went:0.1794974806493376	go:0.15454708545878776	came:0.11151278596248962	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263337	down:0.08367866714280338	come:0.07744132287303515	:0.01
go:0.18515971159043543	went:0.1668840020603558	going:0.1356058712204716	carried:0.12257297629823181	and:0.09208974061692847	was:0.08443561371326988	goes:0.07585555010545136	came:0.06714821656280351	put:0.06024831783205195	:0.01
the:0.7634584197526549	a:0.06329577585461788	The:0.061429456423410016	tho:0.04807763004669178	tbe:0.01957905773553283	and:0.011031810428949126	great:0.00884372216022454	this:0.0074869329828123965	his:0.00679719461510649	:0.01
all:0.41358793152723605	the:0.10875134126616712	many:0.08896334911268991	these:0.08811747073693912	other:0.08574251354326116	as:0.0554003792129194	and:0.05220600088679132	different:0.04866001454512296	some:0.04857099916887307	:0.01
Survey:0.28231993697964064	survey:0.22613686907329184	Cor.:0.11940673308754991	lot:0.07593396066962148	and:0.069127598998757	of:0.06808225042242456	District:0.053060309246456994	vey:0.049693019406125666	marked:0.04623932211613192	:0.01
the:0.447236332504349	an:0.15774433816843872	his:0.12201013757979677	their:0.06437619435496467	any:0.05011882049736274	a:0.03903649126934272	of:0.038845575710088696	The:0.038154530877039856	in:0.03247757903861672	:0.01
the:0.27062320004381646	of:0.244933599512342	in:0.17285403786536904	and:0.07539962645363833	are:0.06358005587406663	all:0.04344275157804371	In:0.04202135264216405	a:0.041502081244620306	is:0.035643294785939604	:0.01
of:0.32364964369914895	in:0.23003237096621826	on:0.09083353770281115	In:0.08569881573882421	to:0.057062265082713115	that:0.05627335459347035	from:0.05410825460268493	and:0.04999215450498822	at:0.042349603109140696	:0.01
of:0.2765001205154513	on:0.16769141466965135	the:0.15138471258254876	in:0.09254899483189932	to:0.07867336201759745	and:0.07549790406970079	<s>:0.06159481536903043	at:0.04484508247194716	by:0.041263593472173496	:0.01
and:0.258951241513675	pay:0.10802738337654869	demand:0.10268455996040908	ready:0.09463324239250348	it:0.08973277076873667	used:0.08512057511074042	paid:0.0845286061767821	is:0.08364261522523582	not:0.08267900547536858	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.6195717964702582	and:0.14725484924398743	of:0.05211157383447938	The:0.048871295053146774	tho:0.042675778897429476	said:0.02523937229069472	a:0.022539643445112813	an:0.016093509398911965	tbe:0.015642181365979262	:0.01
a:0.21252299432684227	of:0.20629792250271145	the:0.20591744656545843	in:0.11047499952880463	to:0.1034641765650845	and:0.05058316023306845	by:0.039825258432188405	an:0.030587509374252923	from:0.03032653247158885	:0.01
the:0.36563367244267914	a:0.2910897477608144	of:0.17248971527656823	in:0.06860335127232102	and:0.02471769167346589	tho:0.021115593674296253	The:0.019579780542288833	In:0.01671797603660079	for:0.010052471320965437	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.4930452128787449	of:0.13684158859449905	a:0.1321816675777721	The:0.0500294973674197	his:0.04342585357791495	our:0.040081392232506924	their:0.03714697790280974	in:0.0289410997296758	tho:0.028306710138656717	:0.01
and:0.3309066756559541	demand:0.11951725037001645	ready:0.09893866457384981	used:0.09514434972463204	time:0.08611259291726484	not:0.0660784836651807	vote:0.06597209943325834	it:0.06550607031200961	candidate:0.06182381334783411	:0.01
;:0.30060019918587233	and:0.2502728530744943	<s>:0.09773618899925732	that:0.06881223315613899	was:0.05987194639725836	it,:0.05602978176502565	as:0.05595782596216031	,:0.0514769792827767	them,:0.04924199217701595	:0.01
the:0.37594160651474295	of:0.15696887182802663	to:0.12986365789689555	in:0.09148928052407483	and:0.07364465146832581	his:0.04297728013118123	was:0.04079303284389533	be:0.03954146191535643	a:0.03878015687750123	:0.01
the:0.554732492631748	said:0.23738153019877556	State:0.03213026438329071	this:0.031103464034816928	of:0.030239785621755902	and:0.02958314215211099	The:0.026651209644613223	tho:0.02557096852151579	a:0.02260714281137309	:0.01
is:0.16167548822858277	not:0.13255420003656498	and:0.12471861838753757	able:0.12133136714293247	have:0.10169855498872463	enough:0.09669070651973197	was:0.08838641914091167	ought:0.08167556029431293	right:0.08126908526070105	:0.01
of:0.22311886839934636	and:0.16674976463989752	a:0.1326518741071075	the:0.12904482491503577	as:0.11756217419998327	so:0.07659548773433372	is:0.05175678304726475	that:0.04813122375634109	very:0.044388999200690046	:0.01
at:0.21588461537998552	the:0.20600555140409593	was:0.1451071489204375	be:0.12532744259874248	to:0.09391835347160175	were:0.06828820763398917	is:0.05502315896520865	not:0.043800734205793904	and:0.03664478742014515	:0.01
be:0.2590688789934382	is:0.19608003959664588	more:0.10586988600935208	very:0.09603836486158374	was:0.07248527012119792	and:0.06864520383288587	are:0.05176305231493095	as:0.04944885329703195	been:0.04584313803418818	too:0.04475731293874509	:0.01
of:0.3882431429048721	and:0.14347987969434153	to:0.11585134145008441	in:0.08198566223444038	on:0.08042491746378136	as:0.05005123811605865	the:0.04759861451571088	for:0.042038358868878446	-:0.04032684475183224	:0.01
the:0.6307319507404864	of:0.064164805120518	their:0.06323754374203164	and:0.04487693122034637	a:0.04380025352476637	in:0.04230034601472437	his:0.03606211586206258	tho:0.03259301129486646	our:0.03223304248019784	:0.01
they:0.20137192051989908	and:0.18984860531383294	who:0.13763487119952234	which:0.11172457808560647	there:0.0823718508351075	that:0.07629605861962553	we:0.07628128948523882	They:0.05997662993309833	men:0.054494196008069026	:0.01
the:0.42543442163051476	a:0.31706585309482477	this:0.08016159231710568	his:0.05209474885951633	The:0.03367280141627925	tho:0.028261604244056864	their:0.021889897427812815	its:0.016136878793329614	an:0.015282202216559838	:0.01
and:0.16515772534573928	a:0.16392803359635721	be:0.16195700911875904	so:0.12131876204060653	are:0.09905843366961162	is:0.08131332582112157	was:0.0806274898827924	the:0.06791762174607377	been:0.04872159877893851	:0.01
of:0.20509868068331527	the:0.18992360083848198	and:0.1627077320911976	to:0.11166884988859471	be:0.0979632635341338	in:0.06540848799261574	or:0.058966420912407294	for:0.05013839373631626	re-:0.048124570322937356	:0.01
of:0.24725594680560653	the:0.18584911523879222	and:0.16349152422254645	to:0.13553132494129236	by:0.06253474531327397	Mrs.:0.0597100344938952	.:0.05117650569055963	<s>:0.04975459237161025	said:0.03469621092242327	:0.01
and:0.29802134546614345	days:0.23065053584134165	that:0.07867266737496452	soon:0.07423074024625996	day:0.0715458148713141	years:0.06472737640560322	time:0.05976221760844339	immediately:0.0576142122036037	months:0.05477508998232603	:0.01
and:0.39374688118394197	to:0.22349962865051812	not:0.07325808986714295	that:0.054342221381652435	or:0.0516867063609947	who:0.04990290645230247	of:0.048965821591113116	will:0.04819592503119137	re-:0.046401819481142845	:0.01
they:0.24421943082111547	who:0.15691329072683877	there:0.1451001799145695	There:0.09505257560896441	we:0.08957862379842198	which:0.0777520180980137	They:0.07125601799396847	and:0.05792692749616463	that:0.05220093554194316	:0.01
the:0.3859984201034766	of:0.21536533541163322	and:0.07873351722863703	that:0.06177240778203799	this:0.05710805373833122	for:0.05648590013622595	in:0.05365061855291326	a:0.05028685554201684	their:0.03059889150472794	:0.01
the:0.39484562080492264	his:0.21814132602212707	an:0.08076288562186945	The:0.07629335469620385	their:0.05718173576050566	my:0.055932242331663246	her:0.051174235194808515	His:0.02843093043227098	tho:0.02723766913562859	:0.01
thousand:0.3472921910017896	hundred:0.2694232259062018	of:0.10567367887602833	fifty:0.0810336528471746	million:0.056125468857668004	ten:0.04394459124078979	five:0.04365403607937043	the:0.021639173538611615	to:0.021213981652365866	:0.01
the:0.6362389529820774	a:0.16260982353477335	in:0.041098194900825995	The:0.040772477859094006	tho:0.0337618086187946	of:0.027222581607553822	and:0.019441245081486654	our:0.015008409647902541	tbe:0.013846505767491597	:0.01
the:0.2786459912771844	and:0.1678635356900059	The:0.11017739931926157	of:0.10503225434551518	or:0.09650400640804702	with:0.06692476917020217	by:0.05816486066228461	these:0.057221251789946755	These:0.04946593133755248	:0.01
the:0.3606750289546943	a:0.3500500940577297	of:0.07410282846997587	said:0.04945610900610706	any:0.042817975514901976	or:0.03169299654493053	and:0.030817956127016707	this:0.026896451052899898	by:0.02349056027174399	:0.01
his:0.3459866185129008	their:0.16925739035342838	her:0.14806501802755975	the:0.08892160054677457	my:0.08516457063396121	our:0.060015523837254704	of:0.033836432308969905	its:0.030939682802838975	your:0.027813162976311628	:0.01
be:0.4258346080862889	was:0.1186012089289948	is:0.11421024319243323	been:0.10625495452585698	are:0.06678673459728743	being:0.049450935752899876	were:0.042242513835419486	not:0.04028533437568195	and:0.026333466705137407	:0.01
of:0.29633572450437873	in:0.14608538748858488	to:0.1415677969515685	for:0.0941246122349261	and:0.08474980319055245	with:0.07400648853301359	on:0.05839473007661018	from:0.05014706301412718	by:0.044588394006238215	:0.01
and:0.2875177924610121	made:0.183649541853114	or:0.1384676247545613	done:0.07914779731712702	that:0.06442587389141943	but:0.06359448822553486	up:0.06186775604068335	it:0.05740212988374609	them:0.05392699557280186	:0.01
be:0.2548731915990184	is:0.17390151590101782	was:0.13798723646854816	he:0.12179471730515277	and:0.0977564630836264	had:0.06295692659418932	they:0.049320937179649395	have:0.047806126530110946	been:0.043602885338686795	:0.01
the:0.180751757101819	and:0.13915089410730358	be:0.12497448200240038	are:0.11591586361982203	is:0.09773778715113073	of:0.0915899141003609	in:0.08205757906709071	was:0.08090996115816088	been:0.07691176169191169	:0.01
of:0.45549330214188366	in:0.11068937920635966	to:0.08678426889868246	and:0.08317886664743557	from:0.05586542307139499	on:0.05465872568169104	by:0.05413987124693158	that:0.05025545003403378	with:0.0389347130715874	:0.01
and:0.2634406048823141	resale:0.1520499947081301	was:0.11634558573748464	is:0.09185667312709239	that:0.08478174504295355	inserted:0.08286456950804665	be:0.06920606682123413	it:0.06538422921613014	but:0.0640705309566142	:0.01
the:0.44470994861599394	a:0.20448960552865691	of:0.11055144147453227	with:0.052301786475376914	in:0.04160809583799396	and:0.0399127123837467	this:0.038331113540040464	The:0.02996178682467079	very:0.028133509318988063	:0.01
of:0.24749395160232096	in:0.22154483371428538	to:0.10094538260351753	with:0.08183825686948244	at:0.08007631532296301	as:0.06821441570477668	by:0.06362438308939855	on:0.06357335305152083	and:0.06268910804173464	:0.01
of:0.17191115259975753	for:0.16750925369011743	and:0.13160992533822738	in:0.11184996172687091	to:0.10103395281198697	with:0.08496023593233523	as:0.07573051960182103	was:0.07396318978577687	is:0.07143180851310658	:0.01
it:0.28317097636256594	It:0.1933445733650809	which:0.11975718942031284	he:0.08582788806916335	and:0.08528961719502678	that:0.0777183143097221	there:0.06238640793109829	who:0.045422113965186965	what:0.03708291938184284	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.4456777840806273	to:0.09560895113887723	in:0.09284068819157618	for:0.08486881655226551	and:0.07299337516704156	that:0.06857975944056091	by:0.05542877245174271	with:0.04558075691807833	on:0.028421096059230225	:0.01
of:0.32566515809900526	the:0.21079802620318405	to:0.12546373198882546	and:0.07823092292907527	a:0.06869484084889743	in:0.055906700927206135	on:0.049869274313263545	at:0.04038675688012711	for:0.03498458781041569	:0.01
that:0.38314639234260467	when:0.13078830405217987	and:0.10494735551057087	which:0.08901523310559767	as:0.07679054931488127	if:0.05540889644007941	where:0.05373268422396405	but:0.05232720105559394	said:0.0438433839545282	:0.01
he:0.2786894588456654	I:0.2187993863736224	and:0.15978193519185846	they:0.07111906565666115	she:0.06405979132619377	He:0.06285818932007263	we:0.052995435898579975	who:0.0411665986351086	then:0.04053013875223757	:0.01
of:0.373790027318163	and:0.11064651762657035	by:0.0979476469116305	to:0.09608424347949548	that:0.09365692350098351	in:0.08591511003978067	from:0.04868450381138683	for:0.047314028860021354	with:0.035960998451968235	:0.01
of:0.34823255409375964	and:0.13807414806110588	to:0.12951697609390606	by:0.08903143990926371	in:0.07102352909774921	that:0.06479148551400096	from:0.05445002648480907	on:0.05421708475490136	with:0.040662755990504104	:0.01
it:0.18996776648825836	which:0.16693146919859034	It:0.1638838509302785	that:0.1088783226660808	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125938	and:0.047844242933137104	There:0.041206982916631135	:0.01
the:0.3145022110013187	a:0.2133182464640774	of:0.13359811545773048	and:0.09301361905223515	to:0.06518461796493535	The:0.04690887074187319	in:0.04661787235741845	as:0.0391305005261126	that:0.03772594643429875	:0.01
hundred:0.35336013417757556	one:0.13711185870628317	dollars:0.09329222430666431	up:0.07931017795829219	large:0.07855198625223522	feet:0.06949643299386159	more:0.06402394552546256	day:0.059638441026769705	men:0.05521479905285569	:0.01
the:0.6347289727198613	The:0.08728956959985272	not:0.07466190744740027	is:0.054791672973384296	a:0.033495826329829066	was:0.031036172352623785	and:0.03073916043856145	tho:0.022843259050079584	are:0.020413459088407672	:0.01
soon:0.2426814767942125	long:0.1415768751267958	far:0.13621723306579414	and:0.11041211223691932	well:0.09764264919542717	just:0.08357457573615662	much:0.07036434694853533	such:0.061134035458288355	but:0.04639669543787088	:0.01
it:0.21175262889566568	he:0.19014680904145959	It:0.18982028099853918	I:0.10966414085604292	there:0.07299980840495356	He:0.06663726083701502	and:0.05018674089608051	she:0.049644215904146693	which:0.049148114166096796	:0.01
on:0.36462405982731916	of:0.21460163093497536	in:0.1076867277913149	to:0.09232309199179667	from:0.05552831367758234	at:0.04627027854294281	In:0.04501534726369095	and:0.03239810647205358	On:0.031552443498324194	:0.01
.:0.2628798608311942	and:0.13024559420228365	of:0.09086589635576595	S.:0.08952086489797086	W.:0.0864054960978683	M.:0.08517603986898505	A.:0.08405607115613971	the:0.08386080776570792	Mrs.:0.07698936882408448	:0.01
and:0.502681231645293	is:0.10963935596744491	was:0.09629791757665482	are:0.08160020324237519	be:0.052684464793553584	more:0.051464865960177034	were:0.03845295976530208	but:0.028999740970391975	been:0.028179260078807406	:0.01
Mr.:0.4470535084886719	Mrs.:0.13687250084923214	Dr.:0.11665889872768552	of:0.0605909163858635	.:0.055498685721170164	A.:0.05004589560826756	the:0.04846233032404394	John:0.0408029152523015	M.:0.03401434864276372	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
and:0.2719743605330609	as:0.16800643742734495	that:0.1634542209542748	but:0.1018846445613826	when:0.06978351739125627	if:0.0662599875620249	which:0.05743891273201191	do:0.04984205874283489	what:0.041355860095808876	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
and:0.1715161835985111	is:0.1701504783439962	as:0.11082801560618431	was:0.10049374719407791	able:0.0995782405371278	not:0.0959529126271294	enough:0.08218526606313246	him:0.08082377757804238	order:0.07847137845179847	:0.01
the:0.43439508446097824	of:0.2671413281941097	said:0.07276928838823575	and:0.04245625627977481	Eng-:0.04231119773036824	for:0.03631112050372329	tho:0.034496902629884946	in:0.030298372360859423	our:0.02982044945206574	:0.01
and:0.20771464893631011	to:0.18096553871673537	of:0.14796324725583812	the:0.10533935478756268	in:0.08337463360271641	not:0.07016451879643541	for:0.0681979883495749	that:0.06363335106245646	I:0.06264671849237062	:0.01
and:0.2844817020759523	demand:0.10445240592434848	not:0.09371571454109041	used:0.08988354855682705	was:0.08862731686400085	paid:0.08838663251599428	is:0.08248559261205128	them:0.08219250315756757	been:0.07577458375216783	:0.01
he:0.25198171637962846	I:0.17595181159302134	it:0.15367418375112055	they:0.1357950357191324	we:0.07010041843523133	that:0.059333084411069735	who:0.050893720812568564	she:0.04960231804572695	It:0.04266771085250064	:0.01
do:0.4073920634372706	did:0.284128342968943	does:0.09208032765552798	could:0.07625772309167943	would:0.058231286019578776	will:0.041782779794746885	should:0.010770069332925028	shall:0.009822814750573868	may:0.00953459294875449	:0.01
the:0.4833235654848357	a:0.1563193898979147	this:0.0848545060630656	The:0.06124970734115365	that:0.046618804157380754	good:0.044414367400538245	any:0.04145089806199629	of:0.03728251413605392	corn:0.03448624745706122	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
the:0.5860629956089372	this:0.0983979176207592	said:0.0813578935349036	The:0.0764202924727155	that:0.0377547210138571	of:0.034447880108558905	and:0.03159260253901632	tho:0.025129934005804242	a:0.018835763095447898	:0.01
a:0.32604138715830727	the:0.15622165113647768	so:0.10838436729276128	of:0.10675518357544658	is:0.07767645012701599	with:0.06071953341004756	are:0.05436159187604381	be:0.052600130243798025	and:0.04723970518010178	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.20401081332371668	the:0.196147042137073	of:0.16725462661689366	to:0.1617878090207775	in:0.059628046262606656	be:0.058807960927110346	he:0.05185468117181505	was:0.04525618697763944	a:0.045252833562367624	:0.01
of:0.30485174787696523	with:0.15487645447384996	as:0.10225205679026755	by:0.0950571197069721	and:0.09014491859255958	for:0.06337214947332456	in:0.061825496199811515	to:0.06098450815715406	is:0.05663554872909548	:0.01
of:0.3241150061345983	and:0.1774251949735989	in:0.10544507048740555	to:0.10116454824675855	that:0.07659656642832684	on:0.06455299454022724	for:0.06273561211239223	things:0.04287039325002043	those:0.03509461382667204	:0.01
the:0.21684225904079849	con-:0.1961640421429038	a:0.18618850398131187	certain:0.07414844066307516	and:0.07268836315214185	acre:0.07199279977074091	con­:0.058960819997709364	con¬:0.05770856079142224	said:0.055306210459896116	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
of:0.29633572450437873	in:0.14608538748858488	to:0.1415677969515685	for:0.0941246122349261	and:0.08474980319055245	with:0.07400648853301359	on:0.05839473007661018	from:0.05014706301412718	by:0.044588394006238215	:0.01
the:0.6044766287533595	a:0.15321895633459084	The:0.07607715900019386	of:0.04641888510225562	tho:0.038954605155482346	and:0.025903239787953006	that:0.015749327022595773	tbe:0.014930005853280814	this:0.014271192990288136	:0.01
It:0.23127912378197046	there:0.21240176058284072	it:0.19501212350781538	There:0.10713821937054821	This:0.06595333365099705	which:0.04771265982771375	he:0.04597925216904934	that:0.04565003547638064	this:0.038873491632684394	:0.01
a:0.7643652467789775	the:0.0686020318823501	in:0.050324843350916054	very:0.0264801234907271	of:0.021335521494465756	A:0.01760101006409866	any:0.01405529445162208	some:0.014014900429024868	In:0.013221028057817896	:0.01
number:0.1993035433666009	out:0.17164570243795654	means:0.12228146298876669	purpose:0.097795086188926	place:0.08803917386802938	and:0.0807227246632584	full:0.07884389119208189	form:0.07690367572896076	amount:0.07446473956541945	:0.01
;:0.2633432770106504	and:0.23385235345870986	<s>:0.08600887497956729	it,:0.07708643159572248	that:0.07209131293757613	I:0.0703097259688966	them,:0.06361029154571093	is:0.0622441666281334	it:0.0614535658750329	:0.01
to:0.5788703338094542	will:0.10938656075181567	and:0.1003045380867277	would:0.05236292609538889	I:0.038324428926954986	may:0.03380272615913116	not:0.0315046928088357	could:0.023338367003694058	can:0.022105426357997743	:0.01
of:0.5239765114751146	in:0.1702267903450619	to:0.0811529353492475	on:0.048024807656489525	by:0.04695182867049136	from:0.03566917530225409	for:0.032483293387558614	In:0.026560707173251406	and:0.02495395064053101	:0.01
Mr.:0.5247442016244126	Mrs.:0.11170462526655212	W.:0.08686884653298363	J.:0.06863070575638627	.:0.05684103294586353	H.:0.04339489716707798	E.:0.034081876068406486	Dr.:0.032264700246096116	John:0.03146911439222132	:0.01
of:0.3316564494611932	in:0.11387712365034705	the:0.11054447881894976	and:0.10663980810154719	to:0.08569910107398887	at:0.07244802930593351	for:0.0670704447566988	on:0.06059358889493732	a:0.04147097593640426	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
the:0.737069273612422	The:0.07395903668814847	tho:0.03548324470805108	of:0.03489408946293943	that:0.030691032057526366	this:0.021837583276952555	to:0.02073672809677244	and:0.018256765938502433	any:0.01707224615868527	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.10005802787283471	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.040989301969020085	I:0.025676339882261923	:0.01
I:0.2972347413548833	we:0.1596737443819009	they:0.15880401414132647	We:0.10767922019127868	who:0.06816921463312631	to:0.061192502960840944	and:0.051231682532044916	you:0.048807689139557305	They:0.037207190665041176	:0.01
the:0.3324283493725754	of:0.31886067581131716	and:0.07397744131367469	for:0.05752848343354825	The:0.05164563848191211	plant:0.04938900304305969	that:0.04018955508204177	or:0.03401524259841949	as:0.03196561086345148	:0.01
the:0.3995194221222794	of:0.1437392511688354	a:0.0980880033449963	and:0.09757146452239814	to:0.08142817880089032	in:0.06724887599353455	The:0.037844996736282395	that:0.0346436710273211	an:0.02991613628346218	:0.01
of:0.2748977404920769	and:0.25271345426082886	but:0.09899002016181306	know:0.09441812747199292	that:0.0610455388137525	But:0.05636036823448344	to:0.05564221765098659	for:0.0497347525335465	knew:0.046197780380519284	:0.01
of:0.23945418833128768	and:0.1742214940561542	to:0.11870577932564276	be:0.1098243425835481	the:0.09482974550801357	a:0.09129356628079216	was:0.06519437384503556	in:0.05388818376075651	at:0.04258832630876939	:0.01
I:0.29168188171603987	to:0.14246453168012804	we:0.12512399906766933	they:0.09264781655709249	would:0.0851083107798543	We:0.07638683068926663	who:0.06452271763319462	you:0.06067599916542702	will:0.05138791271132766	:0.01
the:0.3141851326653973	and:0.19167765925860014	of:0.15718791465525597	a:0.10432141854101121	The:0.05222863130314414	to:0.0509906179472751	was:0.04147442319523843	that:0.04022194382478292	Mr.:0.03771225860929474	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
of:0.2428396225603548	the:0.23573964747253218	and:0.10560424815593601	in:0.09714258978595561	a:0.09573008175952882	for:0.07637683593661301	to:0.06415112981898621	that:0.03908089853712225	In:0.033334945972971104	:0.01
and:0.6325195266336076	was:0.08515076435349535	Since:0.08265418921075633	And:0.06628663559356911	is:0.03257242049649194	were:0.023822733477359123	but:0.02272425669018772	;:0.02242005893825233	are:0.021849414606280523	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.2795577484890098	of:0.17138515288587403	a:0.10545348980101767	and:0.10358081425281415	to:0.09316370237569993	his:0.07970422801247463	in:0.06393496375745417	was:0.047215012524109104	be:0.046004887901546415	:0.01
;:0.2588611970709363	it,:0.18447127095098959	them,:0.11050048845933373	him,:0.09235461919102587	in:0.0782856933389489	time,:0.072401539945486	him:0.0695881080642391	country,:0.06453690861971835	years,:0.05900017435932212	:0.01
the:0.30888473763208296	of:0.19299518966183768	and:0.17531981901460586	a:0.09188606624070315	two:0.07196355012628719	most:0.053896627612356314	many:0.03256942132742718	three:0.03190676259677856	Two:0.030577825787920898	:0.01
and:0.2110320418290533	meth-:0.19826834562048015	of:0.1590897837145534	to:0.1060041409947288	.:0.08364416558145578	<s>:0.06418400009059713	is:0.061255661765556385	by:0.05845895402347496	with:0.04806290638009999	:0.01
of:0.2057458570827741	the:0.19112295486352576	and:0.12345276996534585	a:0.1098497949766843	to:0.10106635125867985	for:0.09678695744071149	in:0.07422219508954495	that:0.05569814677286694	or:0.03205497254986672	:0.01
not:0.45960322169894996	or:0.13529148685017728	much:0.0722221782409795	be:0.06946579956495734	in:0.05676421812607143	of:0.056346575267564605	no:0.050297591632922634	for:0.04770740666486885	and:0.042301521953508336	:0.01
<s>:0.36010224151349435	it.:0.19598518736950649	them.:0.1183180592626738	him.:0.07740642337043321	country.:0.05606305258754787	time.:0.05357605016813266	again.:0.04667894859729664	people.:0.04187439621549609	life.:0.03999564091541899	:0.01
he:0.33497020051957277	they:0.1778771303347434	I:0.15189152577687665	she:0.08989930890698636	who:0.06878003457698566	we:0.056863202495264505	it:0.045037616741138625	which:0.032516228439450304	and:0.03216475220898171	:0.01
it:0.20453342557631088	he:0.19365227341519892	It:0.1295646619901996	I:0.09795460557343169	and:0.0930070480435623	which:0.08584489372664113	He:0.07174336918657041	who:0.07022272555683952	she:0.04347699693124545	:0.01
the:0.31464401505476164	of:0.1398138821048198	and:0.12714466495604915	other:0.1136591356712046	The:0.09452317769553649	a:0.05627386041914181	such:0.055995452743393084	his:0.05246107997901957	their:0.03548473137607382	:0.01
and:0.19809879165699038	was:0.14390276707093314	not:0.10666158099179648	in:0.10622107822841519	be:0.0923463386434243	to:0.0910527973310327	of:0.08451896871245287	a:0.08385607451741554	is:0.08334160284753944	:0.01
that:0.26452617460119154	as:0.1831875187293137	and:0.14542535767404574	but:0.10358852884801907	when:0.0775899123151861	if:0.0679818696560506	which:0.06008565518642138	what:0.058184942126600844	If:0.029430040863171032	:0.01
the:0.7184355988902057	a:0.09625069659804711	The:0.03242331198097496	first:0.03120069382588804	tho:0.027521297979520843	some:0.024146463257909086	in:0.023473967365877233	any:0.019965273414143652	this:0.016582696687433358	:0.01
Mr.:0.3115396885308305	Abraham:0.15439522824831495	of:0.14269867615026413	in:0.09571342639286051	and:0.08560304724006275	the:0.07264677478735881	so:0.059201412299005496	.:0.034378130571484186	President:0.03382361577981868	:0.01
there:0.5371427139059691	There:0.2663857354612595	they:0.07877609325220594	They:0.026964207312453078	who:0.018570586899102064	we:0.018223930004193194	and:0.015285344963537503	it:0.015057766587858663	which:0.013593621613421016	:0.01
a:0.2827446988212994	the:0.19996735259682474	The:0.13353554360318906	young:0.10342047853756366	that:0.07819474588551524	This:0.05856545848147658	this:0.0576889670705255	one:0.039153134255769696	A:0.03672962074783619	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.4519755791092656	of:0.1420412692576566	and:0.1165439051184359	a:0.08441638329833974	his:0.04930413615143297	in:0.042623788452442385	to:0.0386092343137484	tho:0.03306908890526338	with:0.03141661539341502	:0.01
and:0.42186447535950783	that:0.14687156068958368	but:0.1444960842705073	time:0.0777533572878275	But:0.05865722638700542	And:0.04174637107118044	me:0.03839422703509098	ago,:0.03195447904189178	even:0.028262218857405125	:0.01
to:0.2917736879765236	this:0.14547764259358612	in:0.12960346049073507	of:0.12216954952434068	and:0.066617070036036	that:0.0657509948093488	the:0.06103007679010306	In:0.054016720949581966	without:0.053560796829744704	:0.01
of:0.36439356001077994	in:0.13098462740195044	to:0.10139230654229021	for:0.0899976765916506	that:0.07110140610217491	and:0.07036997037652298	by:0.06039159650922464	from:0.05144688120092326	with:0.04992197526448301	:0.01
the:0.5289927959029942	this:0.22338446726640374	a:0.077351065228168	his:0.032900718724432246	tho:0.03224235970786303	other:0.025178897388389427	our:0.024786405926679304	The:0.02296135494706274	of:0.02220193490800722	:0.01
the:0.21208974139547232	and:0.1623276013225891	be:0.144154915572945	have:0.0884236278572897	had:0.08545876430641969	was:0.0802481334128933	of:0.07856594544075533	has:0.07103189995203739	an:0.06769937073959807	:0.01
be:0.33849627382249037	was:0.1695739292704247	been:0.15250045390158148	were:0.08752572864008734	is:0.08101516604072363	are:0.07517339128807086	so:0.03350836858073044	being:0.0297694744273428	as:0.022437214028548275	:0.01
the:0.7296255838283392	and:0.0624433964004433	The:0.05429603391747309	tho:0.04247318759453409	a:0.0325489480993286	of:0.025387141285884953	in:0.017931156854343204	tbe:0.014072268254475943	or:0.011222283765177742	:0.01
the:0.695452713587759	The:0.0859502768940115	a:0.06742989212435839	and:0.05483874680311623	tho:0.03981639358753	tbe:0.017200965026878377	by:0.01007934167615745	in:0.010005220378422983	large:0.009226449921766267	:0.01
of:0.36491903841072393	to:0.11665261062803754	and:0.09836913478184489	on:0.07716886399099933	in:0.07503438383150358	with:0.07310364602816136	for:0.07102967613423496	that:0.06886818540194961	by:0.04485446079254483	:0.01
get:0.1466179279908691	was:0.13816166858847523	and:0.13411725524820045	him:0.10611862598008347	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536371	go:0.08768078124059613	come:0.08255568388883913	:0.01
to:0.43060535997750093	with:0.157542426253894	of:0.09523655271221546	for:0.09186114518059721	upon:0.0595598577644083	told:0.04430345840192467	by:0.0430189690258097	before:0.03463893972213532	on:0.03323329096151451	:0.01
and:0.1715161835985111	is:0.1701504783439962	as:0.11082801560618431	was:0.10049374719407791	able:0.0995782405371278	not:0.0959529126271294	enough:0.08218526606313246	him:0.08082377757804238	order:0.07847137845179847	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
and:0.2503179771193183	it:0.1191931764009684	that:0.11111674088683451	made:0.09607595369407342	was:0.09224657807501195	them:0.09209259261588562	found:0.08802579283705521	is:0.07319718064234634	up:0.06773400772850624	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
and:0.2545957234573011	was:0.22959422896219753	committee:0.1104815735808707	went:0.07481191558189353	out:0.06887577827994566	be:0.06555230818255356	that:0.06346671192542905	is:0.061464289418613614	up:0.061157470611195384	:0.01
is:0.16974042935602554	as:0.13768418657724416	too:0.11999166146325552	and:0.11117653588744111	are:0.10701073954271882	a:0.10549953033259808	be:0.09098503766074416	of:0.07646707167258016	so:0.0714448075073924	:0.01
a:0.30963306523741785	the:0.2401205407578964	The:0.1330046462940024	A:0.09608029684103725	his:0.06383906490177256	this:0.061855821277848486	This:0.03130550197480003	His:0.029518919612296628	my:0.02464214310292829	:0.01
not:0.5191246571077446	was:0.10609024597525991	is:0.09535155923810798	be:0.0610212251251566	and:0.057253425016291735	are:0.047871276916389364	the:0.036978732545358446	were:0.03363314140221917	Not:0.03267573667347209	:0.01
the:0.48018735733213536	of:0.2980717820226205	and:0.0493785453500608	The:0.04886378449284879	tho:0.03082048422367185	an:0.024455339690713875	in:0.021060025298386815	South:0.019847868842916123	North:0.01731481274664579	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
and:0.2617482264953263	he:0.14322643956038017	be:0.11251835066680185	who:0.10846273383779215	it:0.10164075247690649	one:0.09134773987689947	man:0.06165843453827552	was:0.05549531664968602	all:0.053902005897932065	:0.01
are:0.19350820755495962	is:0.18236982191002687	by:0.15573185204141224	and:0.08928439309141883	of:0.07942879596687018	was:0.07605943538785305	the:0.07280655110832798	be:0.07081250117798916	more:0.0699984417611421	:0.01
more:0.47452127157758767	rather:0.15282943066489887	less:0.11177666295799826	better:0.07463107969867074	greater:0.0641203789849371	other:0.03680715962539486	and:0.026120553408354837	higher:0.025458521252361265	worse:0.023734941829796425	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
the:0.37061044533864124	of:0.1517560164915446	and:0.11288138806177102	The:0.08104015756912003	that:0.06702249094998507	a:0.06516892751803607	Mr.:0.053315344398384604	in:0.048958292727447096	which:0.039246936945070476	:0.01
the:0.5068205874075351	of:0.13136398421203646	at:0.10621754697681998	a:0.08823818957823507	for:0.03863141590444501	in:0.03414082869881765	to:0.029879269463720243	and:0.029424898484979038	The:0.025283279273411598	:0.01
the:0.564615656544795	a:0.11782622581623398	of:0.06705085220576523	this:0.05447362859240859	an:0.049691709271416945	The:0.03554922523339816	such:0.03475778494011661	tho:0.03331662759072531	other:0.03271828980514017	:0.01
of:0.44127607440216804	in:0.10884815920437528	to:0.099412012316377	on:0.0779745050925863	that:0.06749589525157422	from:0.05335007031496983	for:0.049475984659252875	and:0.04873631871712135	by:0.043430980041575154	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
of:0.24373151028703827	in:0.2126519040879478	the:0.2079418907744951	to:0.08457807818478726	a:0.08339877153019665	In:0.05287718745764576	and:0.04848617826018974	from:0.031756559837145315	that:0.024577919580554126	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
of:0.21376855101140999	and:0.1708220470029499	know:0.15562994944636593	to:0.12945543455832637	see:0.07765792294057425	for:0.06993356551669888	just:0.05999525562114776	in:0.059377480140041586	with:0.05335979376248533	:0.01
;:0.19144271596780793	it,:0.16073763154027443	here:0.12049437696626474	him,:0.11804649775025872	them,:0.09400661208989028	him:0.08015674650162938	up:0.08012724368830139	time,:0.07692296664228485	in:0.06806520885328828	:0.01
of:0.3490124854372051	and:0.1510237090476072	in:0.14043569227794847	that:0.1307424858986167	for:0.07626604288645794	to:0.041501430834301564	on:0.03682615937123134	but:0.0333280556738184	from:0.030863938572813217	:0.01
six:0.1432243266307033	four:0.13132695764116986	two:0.12765022450658808	the:0.11440845952819052	hundred:0.11414304752348403	three:0.1117961244952885	five:0.08423462588028392	fifty:0.08227381680550983	their:0.08094241698878188	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.2851714087046994	and:0.2383144603057143	on:0.10691214488043142	to:0.08380535784981538	that:0.07644110076192266	for:0.0752225897585097	in:0.044389879378518966	with:0.04008949046791728	from:0.03965356789247076	:0.01
the:0.2903197091904407	that:0.13621054323082318	this:0.11396567187916634	same:0.11156981655514027	short:0.09731594000396372	a:0.08153137137906755	some:0.06783181961254439	long:0.0508358239667041	first:0.04041930418214991	:0.01
in:0.4012325547276402	the:0.19555487390010848	In:0.10784192508028345	a:0.09698861188200332	take:0.08225988669629536	took:0.03851085684635368	and:0.023770822769100815	or:0.022475270875718448	have:0.021365197222496152	:0.01
was:0.19492866066111977	be:0.14230256705948147	and:0.13802567688132678	is:0.13144320211790078	I:0.09418701317250593	not:0.08628756631012924	had:0.07472410635973735	that:0.06814820100141623	but:0.05995300643638251	:0.01
the:0.7080254699773773	and:0.0621746565497915	a:0.05852444265544859	The:0.04219046519036727	to:0.04016824492390225	tho:0.03725796401612218	tbe:0.015486324866337551	in:0.013391105929597009	his:0.012781325891056553	:0.01
and:0.28894039373058844	that:0.21599345219943586	as:0.17646709896580495	which:0.07782015205508785	but:0.06371015144059206	when:0.052412362719232865	of:0.04623855392545518	for:0.036282107776453056	the:0.03213572718734969	:0.01
an:0.3221554171663661	on:0.23735704185524184	to:0.10871122694555625	the:0.06907450958856452	no:0.059491482863650816	this:0.05470427212634053	and:0.04867688322998556	his:0.045792328376492775	of:0.04403683784780149	:0.01
the:0.38743484320920946	of:0.2015753417722917	in:0.1349739753274139	The:0.11516569731856131	In:0.04241987269463432	and:0.030983482578272676	that:0.030406086137754508	Mr.:0.02428616156251735	tho:0.022754539399344728	:0.01
the:0.22638387294033666	of:0.18114458898746313	<s>:0.1597032852824237	and:0.14723666332332958	a:0.07191657127044683	as:0.0676470429027498	to:0.04864983945690844	that:0.04407144548887333	::0.04324669034746854	:0.01
the:0.23353271610322898	of:0.20386971466756187	such:0.11382038249025216	in:0.10718902709802425	his:0.10357113331293702	a:0.08297373998476867	their:0.05949602693242851	and:0.0563270091789167	doing:0.02922025023188185	:0.01
and:0.24413116292889298	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709101	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
that:0.2512067581766573	and:0.22617010275396474	which:0.11824170287803305	as:0.11042612664546063	but:0.07915632732441186	if:0.06551086215618873	what:0.05767914343147025	when:0.054572148699000345	If:0.027036827934813195	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
be:0.2673721628353414	was:0.2293044472269825	is:0.1311724187935845	been:0.09237276586286039	have:0.0607628404273927	were:0.05551836780317386	and:0.05471452214303481	he:0.05131087662577376	had:0.04747159828185606	:0.01
the:0.7914397788474244	this:0.04603716852355882	tho:0.030607719304396035	American:0.023111766693071394	of:0.02250462418248604	Mississippi:0.02066673636124806	<s>:0.019343658225791635	York:0.018186378789562203	States:0.0181021690724615	:0.01
went:0.15346380362740233	made:0.13638640620639564	taken:0.13546337047865747	came:0.13307667634673748	it:0.10640805829100759	come:0.09612208509579995	put:0.08493417572777472	brought:0.07807843290193678	and:0.06606699132428816	:0.01
of:0.6115223943099491	in:0.1834888672109184	the:0.054772954320965815	In:0.03590459584658582	and:0.03203536319921714	for:0.024864575349850628	that:0.023791900134160434	or:0.011854464865778062	by:0.011764884762574463	:0.01
and:0.14072035149837744	able:0.12391264501324505	enough:0.12160921525026529	is:0.1177979612119986	necessary:0.1097692051266795	him:0.10728297805906593	not:0.09472503808621861	right:0.09070493598250984	me:0.08347766977163973	:0.01
the:0.2341315655093572	of:0.176247320751933	in:0.1396405314555729	a:0.13866617787361082	and:0.09024369976382253	by:0.05931795624909807	from:0.058943972772387346	their:0.0479821230846341	his:0.04482665253958392	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.2330076173378824	in:0.16241038392467472	the:0.1479597045470189	and:0.12303000067861414	at:0.11497060976152607	to:0.05939485357016231	<s>:0.053322053636038945	In:0.04937744655787983	a:0.046527329986202744	:0.01
be:0.2005461200486136	was:0.1907418170973874	he:0.1315656453184953	and:0.1161247042170254	I:0.10831595024122793	is:0.08469072905101728	been:0.058320002972680286	they:0.05064273752045304	have:0.0490522935330998	:0.01
and:0.37398785440151966	to:0.11527502243745602	so:0.09015406622303004	fact:0.0898542481620436	say:0.0751400020392526	know:0.06763542728723893	of:0.06124242316638865	but:0.060047523292703284	than:0.05666343299036728	:0.01
and:0.2217867067544159	of:0.16289670249670699	the:0.1453416635544658	in:0.1258571180514924	a:0.1020676641006371	to:0.0816576372413416	for:0.05429134056640788	that:0.051143817686813	an:0.044957349547719384	:0.01
in:0.25751935785666946	to:0.21588405092208485	of:0.15485163874384575	on:0.10890075314778562	In:0.0734896319947577	at:0.07073647253888363	with:0.0385377792852647	and:0.0363676629325743	from:0.033712652578134016	:0.01
part:0.21496902104278678	one:0.20912369233988043	some:0.12867331343811736	out:0.1057303116879626	members:0.07618604502434112	and:0.06636584999188522	tion:0.06479865598258486	portion:0.06226235532256281	side:0.061890755169878825	:0.01
the:0.597878662327278	of:0.06180732308576595	American:0.05654684882918161	many:0.051508769763478866	our:0.050632658848094786	The:0.0502674367584051	young:0.04835598321246723	a:0.04151442431160872	colored:0.031487892863719814	:0.01
of:0.385172511888595	and:0.1985284491402263	the:0.14057683058469217	that:0.056462206496629586	in:0.047858978943760955	as:0.04467684917013073	for:0.04059909984649974	or:0.03931795343289804	The:0.03680712049656749	:0.01
the:0.37573850849684676	of:0.1875913053673063	and:0.14417153945796143	to:0.06975804520274409	in:0.06047778469698129	a:0.047125644093363575	at:0.0453870548294848	or:0.032072187108213475	.:0.027677930747098206	:0.01
the:0.3308162184315038	of:0.16966964773089072	to:0.10704039964657876	and:0.10668551044478329	a:0.09940308099005661	in:0.05525536586325709	be:0.04380313950800813	his:0.04174117051452463	is:0.0355854668703971	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
be:0.2889919803164346	debt:0.22070514308781236	been:0.1038219898492564	and:0.09961116637999307	was:0.07777237814926502	were:0.0523902063959151	is:0.0522386158747252	are:0.048946054682181335	he:0.04552246526441679	:0.01
and:0.2690579893900818	heirs:0.11687412789778394	was:0.11540143522084703	proceeding:0.10961617001167677	that:0.09573458676988196	held:0.07607115781283655	as:0.07347844632898146	sold:0.06828922319432404	closing:0.06547686337358644	:0.01
and:0.353436235005758	was:0.1189442880086054	to:0.11640873806574288	is:0.0953546839140978	are:0.0629829955200864	not:0.06147133259713752	had:0.06132035710761894	that:0.06034316984918035	of:0.05973819993177263	:0.01
and:0.2435480540352145	as:0.15690527802913024	up:0.10296734321529094	it:0.09647376793670022	addition:0.09422686599691245	according:0.08116819529026177	them:0.07910602684310672	him:0.0685702474069357	entitled:0.06703422124644733	:0.01
that:0.4248767727810632	and:0.21696169084527836	but:0.07728732858024093	if:0.05209935182685942	when:0.05161873506627446	where:0.04967867968515334	which:0.04575344605788949	as:0.042465679687247924	Then:0.029258315469992895	:0.01
and:0.33619729087320405	demand:0.12849405957726603	made:0.08831425341828668	vote:0.08621435573552065	provided:0.07692341415961682	provide:0.07274763785088897	necessary:0.07135992415160904	reason:0.06601189773979796	ready:0.06373716649380977	:0.01
give:0.23570605915335252	gave:0.20255454496736586	to:0.18597120078177778	with:0.09553426843664588	for:0.07885881652191004	make:0.06935938873768362	made:0.04236356755546103	told:0.04190680651674967	by:0.0377453473290537	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
W.:0.15655084291013258	J.:0.13126272892166171	.:0.12056460401241754	A.:0.1101769879459065	Mrs.:0.10967031596348974	Mr.:0.10797213630431063	C.:0.09533525866594722	M.:0.08613529179773456	John:0.07233183347839947	:0.01
of:0.3166698837010217	to:0.14184878151269795	that:0.13321958129343778	in:0.08940399305007286	and:0.07991109416274988	on:0.06624495395025656	at:0.06376061442955977	for:0.052473238164963805	is:0.04646785973523961	:0.01
of:0.26453813804376336	the:0.24624491121432474	and:0.170694016957451	to:0.0814665782935049	a:0.07427792899595678	for:0.04083164162325159	at:0.040304551125875034	or:0.03835610939527796	in:0.03328612435059464	:0.01
the:0.39290087366146526	of:0.22408205824789962	The:0.14327173810604055	that:0.05602605951170179	in:0.042622620001386335	and:0.04148275450319187	a:0.032621272949112615	such:0.02867348992071311	an:0.028319133098488915	:0.01
and:0.42996504518928474	so:0.11585445759176433	fact:0.09309441273830815	to:0.08903747718364562	is:0.05783681506165707	of:0.055537584284084694	do:0.0541811917717591	say:0.047663732540509124	than:0.04682928363898721	:0.01
and:0.26693600506383824	to:0.19083270467752667	the:0.14752451001999692	of:0.11671418884761661	in:0.07110961318209995	that:0.06266372338204144	or:0.04951727861009427	a:0.04274108016123478	an:0.041960896055551096	:0.01
a:0.19695323005005633	the:0.16816913302810177	of:0.14822321855124101	and:0.13939369829278436	to:0.08838261293154283	in:0.07993288548178436	for:0.0784798399018892	that:0.05177581610431104	by:0.03868956565828905	:0.01
has:0.406484026380845	had:0.3068390169791535	have:0.21902083529806424	lias:0.013789957518499348	is:0.012062252574657362	could:0.009062870647198441	it:0.008526968395247482	was:0.007563569168611841	bad:0.006650503037722821	:0.01
.:0.17921948508185798	the:0.17865536667754417	and:0.13285770609564276	of:0.12271096677171323	to:0.0925927148441608	Mr.:0.0733407735702612	Mrs.:0.07282868314789696	Miss:0.07266232258346225	a:0.06513198122746064	:0.01
the:0.49355302599804124	and:0.13682901533278802	any:0.07051760369869217	of:0.06520766070292479	no:0.060212561826785624	that:0.046497013032572504	a:0.04309407439685173	to:0.03837731178877429	this:0.035711733222569625	:0.01
the:0.2670123284680612	a:0.18116684148308265	and:0.15913419604555176	of:0.13930591650627042	to:0.08299934887262268	is:0.04574116673600148	are:0.03961182960548521	or:0.039411145690206886	in:0.0356172265927176	:0.01
<s>:0.30777600225134644	it.:0.1309186390150994	that:0.11932510108681373	him.:0.10819509881306064	and:0.09251668246129488	them.:0.06990089447252769	years.:0.06340352221402214	time.:0.04981760595411786	her.:0.04814645373171722	:0.01
the:0.5352556739853958	a:0.12965588005661263	and:0.10539726239198638	of:0.06073427022535768	to:0.04023249874780924	in:0.035618023762127124	The:0.03249994111049118	tho:0.028060169044888936	or:0.022546280675331064	:0.01
the:0.4113130048500799	of:0.15740638429839654	and:0.13234400762777854	a:0.07845128853204274	at:0.055556045759133615	to:0.04948619086383694	The:0.04268319534679701	in:0.033151065470406436	tho:0.02960881725152828	:0.01
he:0.2322016336984786	it:0.1669075223082371	they:0.10660387704011784	that:0.09287466004315888	I:0.08912921800163373	and:0.08103075734170172	It:0.07721091712064736	who:0.0747157546460944	which:0.06932565979993037	:0.01
and:0.23339211020080516	the:0.22918898322362166	of:0.16867434046767293	to:0.08741516158313252	a:0.05999479299999524	he:0.05927637953064081	which:0.0556388482419628	that:0.049002011568879886	be:0.047417372183289085	:0.01
the:0.36652950927581524	such:0.17822848915327075	said:0.10310194379135022	no:0.08649733730130287	this:0.06878721669937475	that:0.058142301777103146	and:0.05259382052549014	any:0.04171676066265999	The:0.034402620813633066	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
and:0.2969331951263288	to:0.20946930067587013	of:0.12977193473072346	the:0.10266923479916312	not:0.06863252547762862	or:0.04930601769006356	he:0.048945400237971594	have:0.04307472682550299	who:0.0411976644367477	:0.01
of:0.23494125166646218	in:0.19207618212564018	and:0.1275251036653209	with:0.10031893035677995	by:0.08299383959861666	on:0.07036856088557468	for:0.06206359998717266	to:0.06132629203330452	In:0.05838623968112828	:0.01
those:0.3332541418605557	and:0.12605158134173597	men:0.11827729983392558	man:0.10266598822516056	all:0.08357832629755675	one:0.06691069160831001	people:0.06676521148116644	persons:0.04764630343925801	person:0.04485045591233094	:0.01
they:0.299954136663756	there:0.12336587267808473	and:0.11314861125863297	who:0.10672175143008082	we:0.08393458953724554	which:0.08312392011761544	They:0.06637683112029098	There:0.057531833544174966	that:0.05584245365011847	:0.01
to:0.5030063077631872	the:0.09701083524723668	and:0.07869056994815403	in:0.07640956930233421	will:0.0681350775226935	a:0.0653800687326731	of:0.03996002799598358	would:0.03110212067183458	re-:0.030305422815903076	:0.01
of:0.22217746446276032	to:0.1508841308139507	in:0.12730141068773745	with:0.119193622628509	for:0.10893020059994243	on:0.08689056648206667	and:0.06862924092126783	by:0.06618792417919889	from:0.03980543922456658	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
the:0.3155550940156394	of:0.17283600545787453	and:0.09391174685980018	a:0.08793236260243929	to:0.0865512570009515	be:0.07748327797896089	in:0.052626231371751035	his:0.052024488566849304	was:0.05107953614573394	:0.01
the:0.364352207834094	of:0.2520309680535179	and:0.11201428937613438	a:0.06424798731907944	for:0.05307906574277135	to:0.04449557090166584	at:0.0358714155436636	by:0.033170693623372355	<s>:0.03073780160570131	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.325931705642055	the:0.3089125032417568	in:0.16730272613949604	In:0.06084950683025233	and:0.03705931491752949	for:0.025829601414038224	to:0.023530254866934604	at:0.021063171388690197	The:0.019521215559247393	:0.01
they:0.22313882392343704	there:0.15104994100433458	we:0.12471039120081231	who:0.11432504128069725	you:0.09118664827607413	which:0.08160497270209016	and:0.06997468120732415	There:0.06808394137121582	that:0.06592555903401448	:0.01
the:0.30882721106827393	of:0.25846217965398677	a:0.11238144286400571	this:0.0890196909406041	civil:0.0767271342369977	for:0.049848850919317185	in:0.04827608357074159	from:0.023349969263107492	to:0.023107437482965388	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.4039591549359863	was:0.2862229062548431	is:0.09370824249486438	He:0.07888071709094964	were:0.04389595004857157	are:0.032521874230431125	he:0.021936040503648575	be:0.01478072068155715	I:0.014094393759148038	:0.01
the:0.2895740290395114	of:0.17373506185125653	and:0.16506367628021845	to:0.10360219768344171	a:0.09228084386837633	in:0.055230445114867514	at:0.04724247957281733	or:0.036136735864220254	The:0.027134530725290443	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
the:0.37680513217923667	a:0.222376102783062	of:0.12173761224710833	and:0.07121976612173277	The:0.05931923894989865	to:0.04212380242120946	an:0.04149625059616208	his:0.02944453909364028	A:0.025477555607949735	:0.01
the:0.312282266932705	and:0.16944824565144906	of:0.1593777605979419	an:0.08688012530425042	in:0.0637312714237423	to:0.059027345805707086	that:0.05186549846684027	for:0.04746469288161878	<s>:0.039922792935745195	:0.01
has:0.3499535929898403	have:0.28758937821775876	had:0.20932980763855338	not:0.04817168082061808	having:0.03111178558749524	bad:0.018614968640569874	lias:0.017155950656620213	never:0.016514907761902623	ever:0.011557927686641455	:0.01
and:0.20374376759586063	of:0.17994731824491628	it:0.12057252071308992	do:0.10393448480897638	by:0.08421898243927409	for:0.07833486229722483	be:0.07541730055238506	was:0.07496381316472894	he:0.06886695018354376	:0.01
and:0.2900564289119661	to:0.26058835113860934	of:0.09692745352180078	the:0.07829146470724194	he:0.07523693972166287	be:0.05611305576213118	who:0.04749816044579656	in:0.046322024829013535	I:0.038966120961777616	:0.01
more:0.15875904832059262	two:0.1571115787020781	day:0.1522854670052106	one:0.10535782580309344	on:0.10221115696690729	three:0.07997021539932847	ten:0.07980678907139259	state:0.07968415999015566	lot:0.07481375874124122	:0.01
the:0.5176699375767989	a:0.2704747999771494	The:0.06918752155217872	and:0.047160932010035024	very:0.025696163316792052	tho:0.0247360391489162	of:0.015365910290229478	be:0.009913524141790399	no:0.009795171986109777	:0.01
of:0.2889346246961594	to:0.13187293293942204	in:0.12240733800154517	and:0.11765182258668865	that:0.10671073381619828	for:0.08891260586867632	with:0.04963892623381643	by:0.04902437341753352	In:0.03484664243996028	:0.01
of:0.2775823654949323	in:0.14015884515621155	with:0.121582681636841	is:0.09897663119884043	to:0.08864696712774395	and:0.07963801328291438	for:0.07606510035879992	was:0.059050824946662	by:0.048298570797054324	:0.01
the:0.3591074923870438	a:0.1850563696228182	at:0.11325821497845276	and:0.10946968949700599	of:0.0656430483825805	in:0.05829795607695116	to:0.04912869723228261	an:0.02664624876441451	for:0.02339228305845042	:0.01
the:0.41576235437135717	to:0.1562054311362458	his:0.11643838419165375	their:0.07286764253023026	of:0.06151561328888121	in:0.055202536362147024	a:0.05249775972770642	at:0.03022849537105238	and:0.029281783020725947	:0.01
and:0.24715944158911993	depend:0.10115542297585235	based:0.10085046174861782	placed:0.09929781518962862	depends:0.09865819847804204	called:0.0967281156431388	down:0.08601932662424668	made:0.08525060516232963	effect:0.07488061258902408	:0.01
is:0.14718928262907086	of:0.13170794563777122	in:0.12710192051385508	as:0.11924413591454289	at:0.10474715147360844	was:0.0968921422569932	to:0.0925948507042897	with:0.08706151471365697	and:0.08346105615621169	:0.01
that:0.22894298162916124	and:0.18389959895169808	which:0.14233538044387992	when:0.10658309596613334	as:0.09538865855949213	to:0.09182559855047093	if:0.04809103819452874	will:0.04780503333124626	but:0.04512861437338917	:0.01
time:0.15520861518725457	it:0.13595801910082134	up:0.12480536320750094	him:0.11223428636581699	lying:0.10677672672005974	day:0.09325959433300715	;:0.09158530705558501	dollars:0.08900568955407193	it,:0.08116639847588232	:0.01
he:0.3876308955485732	He:0.1630686277787865	who:0.09040358851920033	one:0.07693586732826871	it:0.07040776338451296	she:0.059814856579256045	I:0.05726876368170903	everybody:0.04834320270249929	It:0.03612643447719403	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.21827711254745671	of:0.19319788751543396	to:0.17665008869864662	the:0.169946469789289	in:0.0644494177586194	or:0.04577135576859088	be:0.04393324812225755	a:0.04079975831705609	was:0.03697466148264986	:0.01
and:0.21393118168975353	was:0.1710833746853868	are:0.1515840598490382	is:0.138088794600852	were:0.0801349079188026	be:0.07236224295920221	been:0.06574638203862893	that:0.0536369200134429	it:0.04343213624489278	:0.01
and:0.2634406048823141	resale:0.1520499947081301	was:0.11634558573748464	is:0.09185667312709239	that:0.08478174504295355	inserted:0.08286456950804665	be:0.06920606682123413	it:0.06538422921613014	but:0.0640705309566142	:0.01
Secretary:0.2348367142254619	out:0.13403019845299338	state:0.13132868121475522	city:0.10282377214190552	State:0.09726180151235433	line:0.0776965472491378	City:0.07150008559620788	number:0.07094474097371897	day:0.069577458633465	:0.01
of:0.3577082092466367	to:0.1483776838352247	in:0.0904212631663372	for:0.08708914697557243	and:0.08461198017368168	by:0.06531094350216048	with:0.06328302752311864	that:0.05998994091644453	from:0.03320780466082364	:0.01
per:0.9199204266613642	re-:0.01946488480009797	one:0.012606991173404494	a:0.011893272757537493	por:0.006236709209635304	re¬:0.005706683205617318	ten:0.005570138500305849	the:0.0047169822012680645	six:0.003883911490769433	:0.01
to:0.6486717817241453	and:0.12839542336477877	will:0.056892150743772366	not:0.044981558692214575	at:0.040551177240150664	would:0.018629892441550503	the:0.01793179422687073	a:0.017809517877131028	they:0.016136703689386012	:0.01
it:0.19098738899443296	that:0.14858923717751657	he:0.11861159650347006	they:0.11668493644236243	which:0.11311474604325064	I:0.08874370294804595	there:0.08838217498361485	and:0.06616777705533793	It:0.05871843985196871	:0.01
and:0.25811154675930364	he:0.253763478426916	He:0.1201104626949756	I:0.08143874752544174	it:0.07589601636927597	she:0.06012027780871931	which:0.05020184573637136	It:0.04570215304402376	that:0.044655471634972535	:0.01
<s>:0.24728533594793464	and:0.20253763753382348	made:0.0988615075741576	was:0.09538551140811594	recorded:0.07923243876425153	that:0.07572633810967984	be:0.06754695020072057	is:0.06282737303055098	o'clock:0.06059690743076549	:0.01
and:0.14760161091992244	as:0.14569173689273976	order:0.1314117946957403	able:0.12120725674721548	is:0.10407782949177481	enough:0.09876455927868695	necessary:0.0916173196955863	him:0.07824790662161216	was:0.07137998565672181	:0.01
and:0.2500608016779212	wait:0.14195551901140657	them:0.09764003780343258	there:0.0920464199633956	up:0.09047153139285861	retained:0.08218332982386663	continued:0.08148892688697039	him:0.07838089508626145	not:0.07577253835388696	:0.01
of:0.41681937331576485	to:0.1263253782575961	for:0.0828289246397539	in:0.08087880321083661	and:0.06874613565678322	by:0.06871089360617309	that:0.056705934512968334	with:0.055658259024311305	from:0.03332629777581253	:0.01
to:0.517766108874699	in:0.093642421889327	a:0.08943679685717139	the:0.08443268363371725	and:0.07428101510285748	of:0.0675332153759054	In:0.025627052255265077	not:0.019031507570472235	this:0.018249198440585195	:0.01
the:0.21903001783201745	and:0.17371305390027073	of:0.14163243329731337	be:0.0936513641782006	to:0.09067955192171692	in:0.07371460703854865	a:0.0707011955568166	was:0.06966019363004261	or:0.05721758264507287	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
he:0.3211659203675496	He:0.2767626675333912	who:0.10728960193656309	she:0.060639377753053225	It:0.05553238592760243	and:0.05455249440793107	I:0.04987085902805163	it:0.03678747467361292	She:0.027399218372244908	:0.01
to:0.35083762051871736	will:0.17772763983783682	would:0.09863797290910963	may:0.0873681994381256	should:0.06979164687271441	not:0.05451907952598224	can:0.052878012778392394	shall:0.05184209509888355	must:0.04639773302023814	:0.01
and:0.32751045643584464	but:0.18192411719107923	that:0.1739811540035672	as:0.061787124498430955	time:0.0530000424370868	But:0.05294396992736473	and,:0.05258010277645318	that,:0.04330814923404952	which,:0.04296488349612383	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.3264980278642012	to:0.1742209951136574	and:0.12254678917113908	a:0.11293949410053393	of:0.105958681557415	this:0.05543960591471189	that:0.039307639689694016	one:0.027518866049078515	as:0.025569900539568986	:0.01
the:0.21501311870910184	of:0.1616533965583637	and:0.14687667518623362	to:0.09112534414427519	be:0.08638891957445122	was:0.085258270847408	his:0.07755827435338995	a:0.07070275961721886	is:0.05542324100955753	:0.01
of:0.32708904764381214	in:0.27324969799703114	to:0.06787992770259284	for:0.06225208371626658	by:0.05620308861102228	on:0.05599412105716457	and:0.05541883555833023	with:0.04935603611831035	that:0.04255716159546973	:0.01
of:0.31491611802736	and:0.16536446605430496	to:0.11252692935413486	in:0.1063618931369843	that:0.07686035122460318	for:0.07582411655082749	with:0.06785192445798668	by:0.03833068973265236	from:0.03196351146114609	:0.01
and:0.29620947667043135	to:0.23634985382622073	of:0.09130877569252484	the:0.08860921924252235	in:0.07308934636002466	he:0.06448108915535594	I:0.05232062087953821	would:0.04675221886701074	had:0.040879399306371154	:0.01
the:0.2629875846501129	and:0.2399202483069978	of:0.1266657900677201	to:0.10140741534988713	in:0.08186589729119641	a:0.046940835214446947	for:0.04430974322799098	as:0.04313494920993227	that:0.04276753668171557	:0.01
he:0.21236976584642633	who:0.15091908100628376	which:0.13423069933853982	they:0.1114226506626021	it:0.10310378443593025	that:0.08782466281035546	I:0.07127377388196328	there:0.06045635920866448	she:0.058399222809234465	:0.01
and:0.32311634278934404	him:0.09870937808207801	application:0.09552818008284919	was:0.09108249895321115	it:0.08441184299744424	up:0.08234572242630689	made:0.07437354501364973	out:0.0712836163279344	time:0.0691488733271823	:0.01
of:0.2691367067271336	and:0.16852322501007622	in:0.11978612081773768	on:0.10709962378765099	for:0.08796386611534418	to:0.07760916332610819	that:0.07457339097478331	with:0.053992746199511076	or:0.03131515704165463	:0.01
the:0.2546313750174671	of:0.2245171975489206	and:0.22273214733658964	to:0.09611055457508319	as:0.04380905710791078	a:0.04282288775581365	be:0.03873950067265366	in:0.034601109698216385	was:0.03203617028734499	:0.01
his:0.3942776997178689	her:0.24622435055241731	the:0.0944256312611282	a:0.06284603018933782	and:0.06261027702771375	my:0.05147274098461504	their:0.02706731458161021	bis:0.02679471406103306	your:0.0242812416242757	:0.01
the:0.265503121945857	and:0.14502324934483757	a:0.12671218166184434	of:0.118173690774372	be:0.08618146888746488	in:0.06994387033864473	to:0.0681431699178818	was:0.05968115913219388	is:0.05063808799690371	:0.01
be:0.3290770194107081	was:0.21920407550200716	been:0.08740845855681856	were:0.0834714898094603	is:0.07267397441341918	and:0.05926460188887267	he:0.051969532002449866	are:0.045822248731533996	I:0.0411085996847302	:0.01
the:0.6443968448178707	The:0.05932547996299251	of:0.05328197422419921	a:0.05290788779302477	national:0.043861296924080286	said:0.037995771312099254	and:0.036784495056410085	tho:0.034069388047818505	our:0.027376861861504592	:0.01
;:0.26982423479029183	in:0.12421921415382323	it,:0.10091353863499242	up:0.08870569427543676	and:0.08567578122410208	him:0.08386884354588749	,:0.080572458917477	them,:0.07957011286843131	him,:0.07665012158955792	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.23741050164724228	of:0.15103848091896638	and:0.14364399595667138	to:0.14131229231086168	in:0.12100263766684852	that:0.056473360649373305	In:0.048196505765769906	on:0.04605185884852737	was:0.0448703662357392	:0.01
and:0.28561690127213024	to:0.1869204538596067	the:0.09775440933890517	of:0.09496705331980801	con-:0.07327995322246086	re-:0.068197515056845	that:0.06699404774274713	or:0.06380515870951274	which:0.05246450747798409	:0.01
to:0.208533879342462	of:0.18951504669950905	an:0.13337849899918114	in:0.1187972511315392	the:0.11605778121937467	his:0.07596814260876678	a:0.07153760674493599	In:0.03819111108361347	and:0.03802068217061777	:0.01
of:0.3373250044362194	a:0.25338841548279495	in:0.1110567368111114	the:0.07168122282518605	with:0.059420627407165576	and:0.05173292587636725	for:0.04995576861263673	to:0.03269130083717983	make:0.022747997711338678	:0.01
J:0.2101564496939517	.:0.18382028648293403	W:0.13709082582033902	A:0.1321096987915477	and:0.09548233609901083	E:0.06819865530285778	Mrs.:0.0568006574340635	Mrs:0.05418028822917928	W.:0.0521608021461162	:0.01
<s>:0.4847461794472124	it.:0.13410885396413333	them.:0.0838598819980007	country.:0.054345237291286035	time.:0.05347833366620371	year.:0.04876704460623961	him.:0.04693669249819056	day.:0.04509900670525874	years.:0.038658769823475096	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
the:0.3488881507126581	of:0.1413547893567562	his:0.11354814261651444	and:0.1023599314308023	to:0.06019430231416081	for:0.06016395101248148	an:0.058466078762894474	all:0.057228115943645276	a:0.04779653785008696	:0.01
that:0.3294308741046761	as:0.153244906030312	which:0.1337712537162838	and:0.12314626264849338	if:0.06773353770831946	but:0.05645199182524176	what:0.05158178351797282	because:0.03863810312508325	when:0.03600128732361744	:0.01
the:0.3239667272817299	a:0.16284640314007814	of:0.13659688966023228	and:0.092841661909691	in:0.08361383682028932	to:0.06739840211934249	an:0.05303645784875989	that:0.0361609991049448	by:0.03353862211493208	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.37843598726543887	him:0.09456583956367422	but:0.08511066741165517	reason:0.08212673720014511	asked:0.08030751739632071	or:0.06873933064636312	them:0.06865985676984579	it:0.06626182536291327	pay:0.06579223838364384	:0.01
in:0.5757398704455129	In:0.15098607067936895	of:0.05332128425166934	without:0.049924613518185584	to:0.03715130576747943	and:0.03617470566360262	from:0.03534003846028925	with:0.034397468336547526	not:0.01696464287734449	:0.01
will:0.27165267068440196	to:0.2230987931235231	would:0.1609609338181935	should:0.07617212912472292	shall:0.07567030736362462	may:0.06231357918139416	not:0.0545933031392302	must:0.03442186249976982	can:0.03111642106513966	:0.01
the:0.2932814145489466	a:0.19859611366404784	and:0.12002089727311983	of:0.10812473108230912	for:0.06944725249582687	in:0.06417684778195269	to:0.05668844636791935	an:0.043124108897969186	The:0.03654018788790853	:0.01
a:0.3644609779067628	the:0.31018201621234043	to:0.09656430593488483	and:0.06808567270478816	as:0.03880586126696391	very:0.03503225819502865	The:0.027293430157902563	of:0.026739182242784022	so:0.022836295378544556	:0.01
a:0.31892304758935397	the:0.16107072125652994	of:0.11844188418102775	and:0.0923233230108748	his:0.06552239488747773	in:0.06545845027815432	to:0.06424856819703627	that:0.056091901740394565	I:0.047919708859150464	:0.01
be:0.2613572430843675	was:0.16013952240670964	have:0.10960430864347745	has:0.09806862880877963	been:0.08702116485487633	had:0.08144224492469347	is:0.08102431665915848	a:0.05808640323802796	are:0.05325616737990958	:0.01
the:0.3439865230932211	and:0.1458854115074425	of:0.1341109670607927	a:0.07863993025420293	be:0.06536689997372996	was:0.060997355245292144	to:0.05804495461843789	in:0.05343860897066103	is:0.04952934927621987	:0.01
the:0.3546886227726201	of:0.10981589215745212	and:0.10344790998847027	an:0.08656519083341876	have:0.08067500993778615	The:0.0682791895189363	their:0.06698719119548346	his:0.06579475445483511	be:0.05374623914099767	:0.01
and:0.3359723945695816	fact:0.1316189254902583	said:0.10667449643560811	so:0.08713045707286649	is:0.07379644658727269	say:0.0657800671011853	was:0.06486039920086528	him:0.06351804887687972	found:0.06064876466548251	:0.01
his:0.2805017924642567	her:0.1674845727335896	their:0.1592755738882358	the:0.12192133181799668	our:0.07625765310066375	my:0.06181872916025513	a:0.05961812110631899	your:0.03414407009190044	or:0.028978155636782885	:0.01
and:0.3498291916416472	is:0.17139349256221306	was:0.14578056088813515	but:0.09183943748980652	are:0.07274393635657897	He:0.053330412713739055	were:0.05064740523667609	has:0.03125346912178746	will:0.02318209398941645	:0.01
due:0.17000058877254792	in:0.1562863953699291	costs:0.1382531295690939	land:0.106942652996951	life:0.08893574982867124	power:0.08754682779425606	;:0.0834195443831985	time:0.0807679948102965	States:0.07784711647505571	:0.01
filled:0.22226362353547632	and:0.20874790130255824	covered:0.11604343578112274	together:0.09725907236794047	charged:0.08370105478821518	up:0.07638978347485154	in:0.06848752447380968	them:0.06148304815559451	it:0.05562455612043131	:0.01
of:0.19130463767822078	and:0.18202609416294604	the:0.16756123745623605	to:0.1004442971022553	a:0.09372073103956835	in:0.07330459909817671	<s>:0.06550722009661952	I:0.06024881199851979	1:0.055882371367457245	:0.01
the:0.3769056850373054	of:0.20896427800799208	a:0.12023311617098979	in:0.08164515286698856	by:0.048844015293449616	at:0.04676588115094426	for:0.044958164142050006	and:0.03478885194958528	his:0.026894855380694988	:0.01
the:0.3762318171392101	and:0.15576842819659872	a:0.12803408907287184	of:0.09818430037828407	in:0.06717673233107657	to:0.06648813611466078	be:0.03754412745955579	at:0.032252028644523395	or:0.02832034066321872	:0.01
the:0.42264024967728814	a:0.17288606264754322	of:0.146589427390797	to:0.07916988794753192	and:0.05218887739612497	with:0.039584986185991156	for:0.0322654285494121	tho:0.022561371386120643	on:0.022113708819190697	:0.01
that:0.2234357277432803	and:0.18611042545248058	by:0.14514760974134402	to:0.1363106652941377	of:0.12162089009086148	said:0.050825233554307514	<s>:0.04839230795485743	with:0.04024740370414216	as:0.037909736464588874	:0.01
of:0.37708313170102586	to:0.20997045084102614	by:0.07691459287638348	that:0.07492732437062806	and:0.06280671014885386	with:0.05669819086859722	in:0.05285029385369187	from:0.04115970575878996	for:0.03758959958100363	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
time:0.19980617221917837	in:0.16918178017062308	up:0.0993642605683788	right:0.09822803768624534	good:0.09705749898074055	out:0.08843593286488086	hundred:0.083241287561679	dull:0.07870065633094468	on:0.07598437361732924	:0.01
in:0.19884735091664044	of:0.19151748848265465	for:0.14647845964854728	to:0.10595812897837946	at:0.09998126243165793	with:0.0735345460624122	and:0.06670559939330972	In:0.05655667713091853	such:0.05042048695547995	:0.01
;:0.18300319277613822	in:0.18257629932383762	,:0.11232142205472151	him:0.10268976228377968	up:0.09423688024337112	it:0.08876919098604623	.:0.07847133337971973	one:0.07447020261740503	hundred:0.07346171633498079	:0.01
he:0.20508252698550608	and:0.2041892752429233	be:0.12182462595359538	who:0.11159427771186399	it:0.08818912139829839	I:0.07252629844343181	He:0.06892263448730794	she:0.060748968231049076	they:0.05692227154602402	:0.01
came:0.1523191604179997	made:0.15036812380465048	put:0.1454353232249268	taken:0.12283160295967452	set:0.09174857814565936	picked:0.08855919698345079	went:0.08542802692168527	it:0.07753339866851137	come:0.07577658887344163	:0.01
was:0.17966764566261528	be:0.14376765108469966	have:0.12996989404574558	been:0.11417836159459245	had:0.1108687483700173	he:0.10998570347242904	and:0.08127452987111008	has:0.06176976755373612	were:0.058517698345054506	:0.01
Resolved,:0.36993674320406655	enacted,:0.17179762260417894	enacted.:0.10528155102087353	<s>:0.0956954360798559	Provided,:0.06384724749359434	2.:0.06160552924613037	1.:0.0508786959181047	4.:0.0386072267049102	it.:0.03234994772828538	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.25403229838461605	in:0.2370918992149811	on:0.11622995310491588	and:0.08929848267236239	at:0.08119847910115353	In:0.058437106025329984	with:0.058389522080383935	is:0.04778455679886134	was:0.0475377026173958	:0.01
this:0.3937779144686792	the:0.34458786180278894	said:0.1052167688122547	a:0.05521541801108866	York:0.024340821902217986	that:0.021945780981884773	tho:0.0182257919924272	of:0.014372334499195321	his:0.012317307529463247	:0.01
the:0.16938203582781092	a:0.13296620175446924	three:0.1293661425061454	thousand:0.11161491628777481	two:0.10424751891336564	six:0.09949892848516563	few:0.09122217076113384	several:0.07908689243693535	hundred:0.07261519302719924	:0.01
be:0.22688769533433342	been:0.20553910212022836	was:0.2024998579895623	were:0.0916344658788493	are:0.08518922653995209	is:0.062302782217645535	and:0.056109917704599874	resolution:0.030208611957893722	being:0.029628340256935545	:0.01
of:0.2978271839266243	for:0.166629757351961	half:0.12187841820566377	in:0.09443060258245409	and:0.08839086336349329	to:0.06172068665783434	as:0.057920626812837134	was:0.057456142352772445	is:0.04374571874635963	:0.01
the:0.35231796464983606	of:0.3146151036437194	in:0.07453742609748137	for:0.051127116085492384	by:0.0479616837732203	to:0.04352550545972874	and:0.03994028590136901	with:0.03341468556149377	from:0.032560228827658994	:0.01
number:0.3128743903148122	place:0.09970327142010625	line:0.09806502904278927	pounds:0.09378688582127291	bushels:0.09205268227085328	point:0.08745474324020625	full:0.07276209050657834	day:0.06706042465971501	means:0.0662404827236665	:0.01
of:0.16689876246059102	to:0.1659837772645449	in:0.14466538399021744	on:0.10661469003106396	by:0.10094519340125459	and:0.09024129128291737	is:0.07854382990982334	for:0.07295511983706512	that:0.0631519518225222	:0.01
and:0.19009001366917605	the:0.18064764425829336	was:0.16515084504599598	are:0.0951817070805586	a:0.09419356802792761	were:0.07385707794787066	is:0.07288184367907834	by:0.059679889807419395	been:0.05831741048367997	:0.01
time:0.13064218374537684	up:0.12573595628147205	him:0.11330701295672524	him,:0.11054501382843579	it,:0.10942532644676572	;:0.10553097932343962	day:0.10256164346852442	years,:0.09614516788333727	night:0.09610671606592308	:0.01
it,:0.14655437048479533	;:0.14651261782270228	in:0.1279986539089979	him:0.11899667414945188	him,:0.10719169468918927	it:0.09551640005551054	me:0.08715278686365513	me,:0.08200452814831055	them,:0.07807227387738713	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
to:0.30596795450205916	I:0.147592968665063	we:0.11962875551364648	would:0.09761429041036046	they:0.0920345917273465	will:0.08388403432101545	who:0.05098722922168975	We:0.04671755826788209	you:0.04557261737093714	:0.01
the:0.22474110874305311	to:0.21163047591653383	and:0.16440436934190822	of:0.15232532812671112	in:0.07489615808393242	not:0.04572174599547668	I:0.03958829247081032	a:0.03849676889680186	or:0.03819575242477245	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.2381719860295494	and:0.23415746017761663	in:0.11598353395473782	to:0.10227189079610367	fact:0.07859923495468527	said:0.06648519540808896	on:0.059675812679062315	all:0.049591757945495966	is:0.04506312805465998	:0.01
the:0.2529199342654884	of:0.22614730499998043	in:0.21525723520323806	to:0.07644665803712172	In:0.054633659433317494	from:0.051691489256650854	and:0.03925713263725379	The:0.03842110928588035	for:0.03522547688106888	:0.01
the:0.7026766655728051	a:0.08299081897799619	The:0.06025991747436177	and:0.04346419077480182	tho:0.03953983176414604	large:0.01822044012091094	tbe:0.017174942162671816	in:0.013800163871228373	first:0.011873029281078036	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
and:0.1826657805719094	it:0.14673041733443457	he:0.12084498470505321	they:0.11168085764010535	you:0.09834880363908075	which:0.09822341114286422	I:0.08042463389924823	that:0.07988786818806527	It:0.07119324287923894	:0.01
and:0.27896776847231236	him:0.165339413698242	was:0.11226980831190811	man:0.096438896839694	it:0.09281578859421534	up:0.06562583647316447	that:0.0651909040662511	found:0.05717470234619706	made:0.05617688119801571	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.35315218645721114	that:0.11835483459355085	it:0.1153408044233801	found:0.07013930176251786	made:0.06891855340915606	is:0.06851004504571005	him:0.06692019640895636	was:0.064989940361327	but:0.06367413753819051	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938135	be:0.08008775556196854	a:0.07801796281644585	in:0.06960382693033287	is:0.06885254681667448	was:0.06803906530008293	he:0.0635047829848459	:0.01
to:0.3548403184805539	will:0.1333168021789357	would:0.12122784519095127	we:0.08108199688603294	shall:0.06834708183527094	I:0.06540152298117494	and:0.057751847486967135	should:0.05448285904832425	not:0.053549725911788845	:0.01
the:0.25802489168648585	his:0.21968838579577507	her:0.11011416749601136	my:0.10898113689396405	The:0.08659804639932284	His:0.06828077716472944	My:0.06341509235461151	and:0.037449291180822936	of:0.037448211028276925	:0.01
an:0.40418182963888716	the:0.2089066782693091	to:0.12313630983105688	will:0.06286053468565116	a:0.0506572545110514	of:0.043880885614346436	and:0.03755293005073974	The:0.03437752541006744	An:0.024446051988890674	:0.01
that:0.24677572073761153	if:0.17303966932997317	as:0.13424327547427195	and:0.11704602122935767	when:0.10530066548883969	which:0.0783597645458745	but:0.05698351146838483	where:0.041169871179002095	If:0.037081500546684604	:0.01
the:0.6527331634610065	corporate:0.201227336900061	tho:0.03881249879634909	The:0.028531133453428163	a:0.02263522899646332	tbe:0.01572850950187536	first:0.01262343560633708	porate:0.009325891112627624	present:0.008382802171851923	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
and:0.44994873171136046	that:0.17761565454107683	but:0.11074461812330363	time:0.08868371356291876	But:0.03795096165203054	ago,:0.03420159926385981	And:0.03413687484940691	me:0.030869751557148335	morning:0.02584809473889484	:0.01
hundred:0.309510995331569	hereditaments:0.12015410008215749	time:0.10507473122521943	dollars:0.08323057096269393	up:0.07664083936594931	men:0.07532533931102367	out:0.07469796584324143	interest:0.07273009168800572	made:0.07263536619013998	:0.01
of:0.41231413698441366	to:0.10581462476797719	and:0.10449061363256326	that:0.09335401726106798	in:0.08158366223362018	all:0.05582872335151423	by:0.0550089750495136	for:0.047846245915180274	on:0.03375900080414964	:0.01
the:0.2991097760115331	esti-:0.1681902856653378	of:0.11550658478930254	a:0.10532077010702035	this:0.08058117427673166	inti-:0.06276419868756099	to:0.05892511031123389	any:0.05266560903637303	said:0.04693649111490666	:0.01
of:0.4307202305448516	in:0.1366266394081457	to:0.11609508575888125	and:0.06940172567006951	that:0.06682949978335008	on:0.049322688811680275	for:0.04382105725242178	with:0.04183246092021816	by:0.0353506118503816	:0.01
of:0.2210614938410365	and:0.1741006502435473	by:0.16793283668707462	to:0.1599005810214749	<s>:0.0656357252206312	the:0.06345433566091002	a:0.06046283037265945	from:0.038876281920594835	said:0.03857526503207124	:0.01
the:0.28865923124454435	of:0.2068754207559842	a:0.11749461914510359	to:0.11415910449325448	in:0.10935305850991252	and:0.05924931810128215	for:0.04303354184472689	on:0.028921939345004144	The:0.022253766560187606	:0.01
the:0.2909254367442219	a:0.1833228261278791	of:0.14428875362004925	and:0.09841057780662715	to:0.09143517129578368	in:0.0666161198507835	Mr.:0.046008746844666305	for:0.034837369315433256	The:0.034154998394555956	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.2100242179743842	is:0.12134026501651778	in:0.11305932376937369	to:0.10903024752415862	was:0.10573307653868708	and:0.09992951454917966	with:0.08532045025238197	as:0.07839193680703785	be:0.06717096756827928	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.2269218532801222	to:0.140030321864563	with:0.1261368968031589	is:0.11254613251130309	and:0.0864403258706423	by:0.08223676661196123	in:0.07915159794019339	for:0.06839764657515257	was:0.06813845854290335	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.3339968210933673	not:0.16452499078931296	to:0.10484912575114956	wait:0.08852330015339838	on:0.06862514937805389	in:0.0656760778039206	up:0.0583119904746712	of:0.05819149403510506	that:0.04730105052102106	:0.01
the:0.5215899291799826	of:0.09709758729737951	in:0.07644740982342049	The:0.06162613163903939	or:0.05793441401384304	and:0.05191172215219521	for:0.04217595534786699	all:0.041782840676252576	tho:0.03943400987002027	:0.01
for:0.25425475245282964	or:0.16071420572958645	about:0.10728742964725758	past:0.09620536378566949	of:0.09052404190611889	last:0.08785650094199779	and:0.08521337895542277	the:0.06288080996406478	For:0.045063516617052615	:0.01
and:0.1946721404649524	the:0.17103266571026138	of:0.15520893330939814	thence:0.10485886581247716	No.:0.07864972248391941	.:0.07678705622421914	at:0.07667679873289393	to:0.07657680884492753	in:0.05553700841695097	:0.01
the:0.3134938197137556	a:0.24505374109639058	of:0.16766890774915022	and:0.1082659990076546	with:0.03913469396269004	The:0.036596173595774655	his:0.027601720967534004	by:0.027218489594933202	in:0.02496645431211711	:0.01
of:0.40092915488336084	and:0.15787938785376307	that:0.13172800217994882	all:0.0757116967566641	by:0.063952110456705	to:0.046829009994771985	for:0.04340321118415379	with:0.038338591463918666	as:0.031228835226713603	:0.01
and:0.23508080358669195	was:0.17685867914253156	is:0.09953813720576171	be:0.09327310336320531	put:0.07973531934282714	are:0.07970109410373706	been:0.07949849798446341	came:0.07621526330691016	were:0.07009910196387162	:0.01
of:0.3490124854372051	and:0.1510237090476072	in:0.14043569227794847	that:0.1307424858986167	for:0.07626604288645794	to:0.041501430834301564	on:0.03682615937123134	but:0.0333280556738184	from:0.030863938572813217	:0.01
to:0.27335621488650336	will:0.18768277140807535	shall:0.11720930946409908	may:0.10753180577134468	should:0.09301321337593126	would:0.0762881326646077	must:0.057420641190441886	can:0.0425325012040699	not:0.034965410034926696	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.2599093666606724	in:0.20246974730303874	to:0.15744141578004137	for:0.10118248239172323	with:0.07036258043336965	and:0.06955049289156741	at:0.051666781009183066	by:0.039255065096251186	In:0.03816206843415298	:0.01
Mutual:0.48623114331185807	of:0.16201008179204238	the:0.129153779911534	<s>:0.06526163560365916	and:0.04644282210207759	at:0.03523962519714397	State:0.024894799686965313	a:0.022147969724013162	in:0.018618142670706432	:0.01
he:0.39153043781291325	I:0.16534888223314728	He:0.11999225618329017	and:0.09908397412231411	she:0.06538045855709239	It:0.050279680386674304	it:0.04426940041733429	which:0.027501707634310216	they:0.026613202652923742	:0.01
to:0.6324216708253344	will:0.0776022454192874	and:0.060440739295192135	would:0.05927656775404374	not:0.040165095378014076	they:0.03551512870596397	you:0.03027663566865274	I:0.029427122526643586	we:0.02487479442686806	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
in:0.4235280305643709	of:0.2558578303706808	In:0.09073148965270443	to:0.08269033720331626	for:0.051636981882844955	and:0.024173228739032413	by:0.02308793910398463	on:0.01964700439585367	from:0.0186471580872119	:0.01
.:0.23885881477763438	J.:0.13064141176339034	Mrs.:0.12086618605402671	W.:0.10940192464589404	D.:0.1015136782949876	A.:0.09543158754629698	C.:0.07153194255682507	S.:0.06641000266395872	Mr.:0.05534445169698625	:0.01
and:0.23089387572846115	to:0.17178883763977174	matter:0.12728603975896688	of:0.11899762385397775	know:0.0821750576156059	see:0.08068266174700074	is:0.061994429381202656	in:0.06182385159369869	or:0.0543576226813143	:0.01
miles:0.24773673116181916	and:0.12040443740605976	away:0.12032689652036756	feet:0.10696377346227547	down:0.09701659542233468	far:0.07898561028954795	him:0.07360310670578714	free:0.07312611534470222	up:0.07183673368710608	:0.01
of:0.32364221694587053	to:0.1571706490304156	in:0.1316667805232421	for:0.08146371590104425	that:0.07997859708419178	and:0.07035843170719414	by:0.05810140711051619	with:0.04504374352968455	is:0.04257445816784089	:0.01
the:0.3298927299907812	a:0.2875723419642981	of:0.14226738958186602	and:0.05524371915006144	in:0.048318501875079294	on:0.035385853963505874	to:0.03276983430927218	The:0.03214801053025859	that:0.02640161863487727	:0.01
the:0.5014032695207907	each:0.2800568519518406	any:0.08988941203855888	no:0.03631798001668547	of:0.018838321845367642	a:0.01776459038274553	an-:0.015945150038785758	an:0.015507985467238153	tho:0.014276438737987326	:0.01
and:0.19141795777657655	him:0.11458167999070708	right:0.11320016266600093	not:0.10956260499120021	is:0.104675117302231	was:0.09735100489691612	as:0.0924744917833147	them:0.08518072682851308	do:0.08155625376454037	:0.01
It:0.49750080843755007	it:0.21813202304050677	which:0.06318627836977658	there:0.058503505912710405	that:0.04998544278183894	There:0.0335093463928405	he:0.028524610326075426	This:0.023116075407822973	what:0.017541909330878337	:0.01
I:0.22791771630559712	we:0.13569660988480176	who:0.13060973002967416	they:0.11652754126691303	would:0.11368785577522811	to:0.0942012455231101	We:0.07206167874946996	you:0.058417778785024764	not:0.04087984368018093	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
together:0.2441199266666228	and:0.23451481476581137	covered:0.10465961337140395	filled:0.08242810025736753	thence:0.07092467806512888	charged:0.06893004775480285	connection:0.06688859900741381	it:0.06041322913073279	up:0.057120990980716026	:0.01
and:0.2735530001583401	ready:0.1573737665709107	candidate:0.10607221038789338	demand:0.09743826276693944	called:0.07886090329482458	call:0.07587350423445106	up:0.07321188759486692	used:0.06490900340655843	him:0.06270746158521538	:0.01
<s>:0.5510687378888615	it.:0.08512623514853772	them.:0.084115151128874	time.:0.05427840009271459	year.:0.04653198723407419	.:0.04628986090259489	country.:0.04280146530321269	him.:0.04011495435180903	day.:0.03967320794932151	:0.01
it:0.3521748995993552	It:0.2727899491596311	which:0.06205182583842351	and:0.06071093814659448	This:0.05663506219973648	this:0.04987385511968029	he:0.04567242640560236	there:0.04540694365833785	that:0.04468409987263872	:0.01
the:0.3632075376617625	too:0.19473791667807341	of:0.12662982816501692	and:0.07703548154412579	a:0.07303577969515783	his:0.04037870027794306	as:0.03880226454030153	for:0.0382388819176954	until:0.0379336095199235	:0.01
the:0.34825423155363944	of:0.16617095001393953	and:0.11286310840258942	that:0.09950163101593293	Mr.:0.069192427731586	The:0.06747202200814982	a:0.0641964283367045	this:0.03296247283026255	or:0.02938672810719585	:0.01
to:0.37173011858554755	the:0.2010072938047187	and:0.14878023392894726	for:0.06351594207104518	of:0.062305501573518635	their:0.04586581778794047	with:0.03764387806475779	in:0.03091008085636262	a:0.02824113332716178	:0.01
was:0.30944997422537196	be:0.16875005505589621	been:0.12761929518001625	is:0.10575183733776854	were:0.08725070011259589	so:0.07266703342145815	are:0.06772631284501944	being:0.025637387484658766	and:0.025147404337214734	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
a:0.5464779153607113	the:0.2644730208819107	The:0.04432179841146516	A:0.03770514307012664	of:0.028905765590722072	his:0.02643261554329754	tho:0.014189411878872979	in:0.014163965094984294	our:0.013330364167909205	:0.01
at:0.44659958304188835	for:0.13512240030818584	of:0.09415066394754064	to:0.07954829232875775	and:0.05386871356290936	At:0.05022258079577466	during:0.04413469830326203	that:0.043380736563209045	in:0.04297233114847239	:0.01
from:0.329391742828446	of:0.14418177269198482	in:0.13162344210120452	at:0.11124255119911045	and:0.08727932546614585	In:0.05763502414258932	to:0.049946535594965265	for:0.04425990810486629	with:0.03443969787068745	:0.01
the:0.2949000761468014	of:0.2592268909910863	a:0.11124472757010143	and:0.06639076261961865	in:0.06606835217742849	to:0.06461364488919405	for:0.04664874354598948	that:0.04111063780872951	by:0.03979616425105077	:0.01
the:0.15315417542670548	of:0.1474619205254358	and:0.1434895081163942	be:0.1380101494701949	to:0.11257930602342806	was:0.10680730325663455	is:0.07750856055039425	or:0.0558112570911162	are:0.05517781953969663	:0.01
the:0.25470561870247754	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862254	in:0.07582920922781207	was:0.07101916294765154	a:0.06560002811236118	be:0.05991783825325076	is:0.04301373266798011	:0.01
of:0.3915557446164883	and:0.12935391603802668	with:0.11144077946122992	to:0.07508259836882927	in:0.07039196677474609	for:0.0610665662262644	is:0.05484948001565705	that:0.05044088316355347	on:0.04581806533520491	:0.01
a:0.5435363018629247	per:0.12637319792911667	the:0.07164481003465091	in:0.06958757209699651	and:0.06856549378721755	to:0.036041269425377734	In:0.026132888668148512	of:0.0247160007756713	one:0.023402465419895973	:0.01
the:0.6477545163161716	and:0.12069452931849385	with:0.0683713204088583	The:0.03246732990024456	an:0.02900429461820884	of:0.028302292610854207	tho:0.024970505404440003	or:0.02189535331067626	by:0.01653985811205211	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
that:0.2795537149247718	and:0.16784669293687343	which:0.13288961414759906	as:0.12870312394288416	but:0.06747648447971248	if:0.06495889756531509	when:0.05641663027445595	where:0.0503865815579276	because:0.04176826017046037	:0.01
him.:0.25763587876868305	<s>:0.17838326636023988	it.:0.13513861560982446	them.:0.08435174230787197	years.:0.08157928704874974	life.:0.06866897366994776	time.:0.06549646569595455	himself.:0.06396853262162888	man.:0.05477723791709963	:0.01
of:0.29363256894459416	in:0.17526010112477716	and:0.14269342929166312	to:0.11051685604638978	on:0.08336113284097382	with:0.05608901430539143	by:0.04695693161969392	In:0.04313311767249603	at:0.03835684815402052	:0.01
and:0.1598857938911757	able:0.12590194039783267	order:0.1256679304807483	him:0.1101909414478911	right:0.10337941085815852	enough:0.0939515503330811	had:0.09347896527654151	is:0.09328699717854569	willing:0.08425647013602537	:0.01
one:0.3896011381416399	a:0.17519152028631546	two:0.11988776513487401	three:0.09503525138681848	five:0.059900604546314504	four:0.051529710853496516	One:0.03754732163753431	six:0.03263566853955245	several:0.02867101947345439	:0.01
the:0.8199097854323046	a:0.05062988613919024	The:0.039743142467081334	tho:0.03476856847151243	his:0.017074782513001256	tbe:0.010138457389273301	full:0.008348643124860796	firm:0.004869653353663713	their:0.00451708110911218	:0.01
thousand:0.29822753815171954	hundred:0.25495838030957546	of:0.11473747987625867	million:0.07947236613530156	fifty:0.07913002970938916	five:0.04521664920415848	ten:0.04417397426584653	two:0.040413885998391484	billion:0.03366969634935904	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558527	for:0.09174081455919122	a:0.06366595919272895	to:0.061841865908333744	In:0.05733705309984939	was:0.03321233541124056	:0.01
and:0.2802179654686674	together:0.17581662481571086	covered:0.10720042995908446	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357521	met:0.06358405713054323	them:0.061624174380125664	but:0.05201828012722528	:0.01
the:0.22044468060288389	a:0.17763080572070472	his:0.15697565192385846	her:0.12034739421946293	at:0.08852438932848841	and:0.07051750751788459	their:0.05809396825035558	of:0.055997608020419136	for:0.041467994415942254	:0.01
be:0.2134620562026483	is:0.19497675566671932	was:0.1713341118120119	are:0.08349155557886705	been:0.07855217188264854	I:0.06894237009536784	and:0.06513614802988817	were:0.061285685442328486	he:0.05281914528952038	:0.01
nothing:0.2641247484238648	is:0.17759252308164133	;:0.1538993015085438	anything:0.0898394300592201	it,:0.0731564363533971	was:0.06134541862246875	and:0.05812399575675912	of:0.05727063838803619	are:0.05464750780606891	:0.01
the:0.22766359616564438	and:0.18063286072609452	of:0.14262422951970857	to:0.11710430442474838	a:0.09263284590627294	for:0.0749641950310016	in:0.060729191080171906	be:0.04812131362141648	is:0.04552746352494118	:0.01
that:0.20702571008318724	and:0.1977258918944837	is:0.17576300467859157	was:0.13011129069383504	but:0.07896961818988923	had:0.0627738381981591	have:0.0521192167785041	be:0.04888460668624861	with:0.03662682279710155	:0.01
the:0.3229089781389671	of:0.20029674855822047	and:0.14752001001695184	to:0.07326618056665847	The:0.0671563513507734	a:0.06387375947176595	that:0.04355326888135818	which:0.04174431002465928	or:0.02968039299064523	:0.01
and:0.19051943986217015	of:0.1720639792232348	as:0.16747509158597676	the:0.13450047028301987	to:0.09096766000852802	be:0.06575526900119626	such:0.06334143169216884	much:0.055005516582227666	in:0.05037114176147772	:0.01
well:0.21955149374142727	known:0.18951305156917167	and:0.15690538091025333	far:0.09242064711844897	soon:0.08595734317411527	such:0.07906133021899348	just:0.05928608936319597	long:0.055847839836393846	much:0.051456824068000145	:0.01
and:0.21148373426422987	the:0.20283711921122868	of:0.11347218795975528	to:0.10113765799027087	be:0.09302877310258988	in:0.08551388723821418	or:0.06652750414825546	for:0.061377765336550316	he:0.054621370748905385	:0.01
the:0.5330819960781544	The:0.11941560719509543	of:0.1049786505276506	their:0.04643165150166848	our:0.045553572043457245	these:0.041717080203693566	and:0.038579210245564384	tho:0.03014495339309272	such:0.030097278811623027	:0.01
of:0.26758263234421126	the:0.16078958567201318	and:0.14361462355436952	to:0.14258284505293312	on:0.061105004330222916	that:0.06102817584677708	from:0.06092771694530299	in:0.04743569216031018	by:0.044933724093859706	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.3998300744173473	and:0.2272392901734208	of:0.08264485741165764	or:0.05508680701423621	their:0.05281826589716984	her:0.04498483308334825	his:0.04475504222275189	an:0.04399436476719462	for:0.0386464650128735	:0.01
have:0.35328946251732735	has:0.26744366091419525	had:0.24268234427973348	not:0.03551493986454824	having:0.03354582231468265	bad:0.016242173594263446	ever:0.014998571799669675	never:0.014904747853835004	havo:0.011378276861744826	:0.01
and:0.2786288504792098	a:0.1433250358669638	the:0.14097810827254073	of:0.09898452433593942	that:0.0850767114144923	to:0.07508324036942374	which:0.07229786110995177	or:0.056632655659313205	all:0.03899301249216515	:0.01
and:0.23039828720326325	he:0.22934873788594073	it:0.1381403141278375	who:0.11752060201413249	It:0.06511480689957831	He:0.06313646884550944	that:0.053545254387785624	she:0.046867088605204846	which:0.04592844003074776	:0.01
is:0.16709356513222995	with:0.16134198936254526	of:0.15641961627145623	was:0.12220855008521954	to:0.0932920381712428	and:0.08982900598396468	by:0.0704934001965011	for:0.06664715487971255	in:0.06267467991712795	:0.01
and:0.22867817179891042	he:0.2286428891007427	He:0.10469987641169165	I:0.0904061124438626	who:0.08977992107143329	have:0.06938694586894913	she:0.06299805060436554	they:0.05842519866569977	had:0.05698283403434492	:0.01
and:0.17315597143452863	of:0.16637869625842683	the:0.15683063197646174	at:0.14298704574166834	to:0.13060059258742768	in:0.08634496767850208	on:0.05189382024348472	a:0.050328885237990284	for:0.031479388841509595	:0.01
of:0.2582561825937394	to:0.13585046369155654	for:0.13303188488606682	and:0.12994792158592855	in:0.09376087026291298	with:0.07980722825214887	that:0.06519229104941107	by:0.05162538926645721	all:0.042527768411778626	:0.01
of:0.21667236460043998	the:0.21657452178341624	and:0.14979057218409078	to:0.10478093414853785	north:0.08252582471967262	south:0.08126782982369034	at:0.05286369204502646	a:0.04928871518324271	on:0.03623554551188302	:0.01
to:0.16889050230180563	and:0.15891446437031911	of:0.15884397483632715	in:0.13518036410011175	was:0.09121132328425902	the:0.07807638466717513	is:0.07460290674742219	be:0.06880460638737085	for:0.05547547330520909	:0.01
Railroad:0.23755130301922162	Mining:0.2033795414894667	Railway:0.17270833252711434	Trust:0.10847750120097628	Coal:0.0636683348323206	the:0.06078158129074567	Lumber:0.05013990430331614	Insurance:0.04702320504684259	Manufacturing:0.04627029628999606	:0.01
who:0.19034416578153818	he:0.15980527780101364	I:0.15722124885591085	they:0.11958231074593748	and:0.105244364591451	had:0.07808236730931911	we:0.0650537755671802	she:0.06397846862413924	have:0.05068802072351027	:0.01
sale:0.17254913779047273	interest:0.1462738999015984	and:0.1312201435618795	estate:0.11209651497806115	premises:0.10278845579037955	Court:0.08876915475604061	be:0.07976150446059471	line:0.07906632782439003	it:0.07747486093658333	:0.01
Mr.:0.4340868189789594	of:0.14917334328267037	the:0.08294409665070814	.:0.07211211694561248	Mrs.:0.0697791785006478	and:0.05442260546080191	by:0.04526965629331167	Dr.:0.04118915902559312	to:0.04102302486169503	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
the:0.4633982961154053	a:0.1913082138716986	The:0.06425288763593119	some:0.056453838068569316	all:0.050380549716988965	and:0.047506756999806506	of:0.04540318405553122	his:0.03612080810036362	in:0.03517546543570516	:0.01
of:0.17170575657298137	the:0.16600528511302798	and:0.14906167111747806	a:0.12851551270446532	to:0.1131525545334105	for:0.09257986881500266	be:0.06283142112290467	in:0.05822793352522526	was:0.04791999649550413	:0.01
the:0.391404271733033	and:0.16572796127238826	of:0.1479668946544385	The:0.08969244899382996	these:0.047204586800515924	that:0.04695328111326683	in:0.038444374680263536	to:0.0323271190940047	a:0.03027906165825925	:0.01
of:0.21206553693735367	the:0.18687278776870683	and:0.16759733436898436	to:0.10922686137392804	by:0.08974509749192143	Mrs.:0.07798876143759252	.:0.061666232056777216	<s>:0.050441989308977524	was:0.034395399255758484	:0.01
be:0.23632398146666755	was:0.19124750191202972	is:0.14028068106176755	are:0.12695633088334107	been:0.0912363209751462	were:0.09102078529842428	had:0.047756223833861015	have:0.033407952421884234	bo:0.03177022214687847	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
a:0.43488202510361645	the:0.22977638894583546	to:0.11317172479352339	at:0.08123868557743395	of:0.05435505054204497	in:0.022560283211184404	and:0.020031781290972286	this:0.018658794464033394	tho:0.015325266071355646	:0.01
and:0.20231333810284724	of:0.13635533972024547	make:0.11558286167760476	to:0.10730538435756591	with:0.09873204769992243	that:0.09576793103200869	for:0.0887005273968601	as:0.08266004670262934	in:0.062582523310316	:0.01
is:0.41933063652943436	are:0.1779299079453589	and:0.12691876300168825	was:0.05494072036438313	it:0.05343360623095963	Is:0.052762726266499714	but:0.04318162239558152	It:0.03641213434239749	not:0.02508988292369692	:0.01
the:0.22710631245604745	and:0.20389355712661253	of:0.10471357643823978	to:0.09910162619706014	be:0.08912981572190791	re-:0.07532096275730675	was:0.06905578222516086	is:0.06685671167725499	or:0.05482165540040948	:0.01
of:0.4208930175520062	to:0.09518268739722718	for:0.08799122425150871	all:0.08483632026445624	and:0.08075580768189063	that:0.07922533371071121	in:0.05931598062683129	by:0.05779702796556192	with:0.024002600549806633	:0.01
the:0.31961958505134924	and:0.17095891170854766	of:0.10775901417361049	in:0.10730381968959647	to:0.09571269153024536	I:0.06042949976187324	a:0.052606786884763106	that:0.03798561800758042	In:0.0376240731924341	:0.01
I:0.20100426017154227	we:0.16345511043713498	they:0.1443556601135657	who:0.11811616937557991	would:0.10708417348627745	to:0.07740997279536344	We:0.0658137762479557	you:0.06401911047233823	and:0.048741766900242366	:0.01
it:0.25822787940164843	It:0.1970831919380463	there:0.16045274093014836	There:0.10537893177568708	which:0.08231844242311137	that:0.07636225315229704	and:0.04647240500083737	he:0.03914011150261947	man:0.024564043875604583	:0.01
of:0.20836587996889466	and:0.141420152491752	for:0.12544674598998007	as:0.09403006653066721	with:0.09295652189644384	is:0.08987028359043216	to:0.08264501404702235	on:0.08057813431860426	was:0.07468720116620349	:0.01
<s>:0.5754748215575997	.:0.09696647017650266	it.:0.0791228809412217	them.:0.06032093724857955	him.:0.038461454738650376	country.:0.03666409377799028	time.:0.03663331544221524	day.:0.035862346314243544	year.:0.03049367980299701	:0.01
<s>:0.572328889568839	it.:0.08740005212324928	.:0.07442699585663436	them.:0.062240697327318475	day.:0.04550372712937161	time.:0.039860966709428756	country.:0.038232877670486554	year.:0.03536628877332597	him.:0.034639504841346	:0.01
be:0.38377012343378114	was:0.140198004576577	is:0.12041768148332613	are:0.10103895305241431	been:0.07936201455982601	were:0.05264629182780072	not:0.04099159477377916	and:0.03746697549476483	being:0.03410836079773071	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
and:0.3041191474224857	made:0.13856710134455744	as:0.09571553102057913	was:0.0909312837228091	is:0.08203867828763362	not:0.07808346296991898	but:0.06880892483415298	one:0.06659810492052712	given:0.06513776547733595	:0.01
be:0.27620193530944676	more:0.2658069422557247	been:0.08307161169268258	was:0.07441078020667233	is:0.06746659780341879	and:0.06644123669183719	not:0.05503117670024897	it:0.051689615729071284	he:0.04988010361089734	:0.01
the:0.3744773782543259	other:0.21641124724871724	of:0.08608192747667094	all:0.07461850710497178	and:0.06773572997757082	a:0.05247434231490701	or:0.047643077067008564	this:0.03622815382707394	tho:0.0343296367287538	:0.01
the:0.3253788850529249	a:0.12964342034674342	con-:0.12229065526876146	The:0.09852839149116284	this:0.08929155911116876	This:0.07842792391040897	that:0.062132964888166865	said:0.0523530438282948	of:0.03195315610236805	:0.01
the:0.2840473867081886	of:0.2325416396036047	and:0.09110157135057623	to:0.09073524185517041	a:0.08477076361269936	in:0.08475793559688648	that:0.046208034589646244	for:0.0388370891209226	be-:0.03700033756230523	:0.01
and:0.2953876189038615	was:0.16428490131166157	is:0.1170663883818668	up:0.07776716508545514	it:0.07559106251500251	made:0.0665568090126541	put:0.06578409847025994	placed:0.06489134807601946	that:0.0626706082432191	:0.01
and:0.2708555229503238	of:0.16875357166365473	the:0.15806028549716694	to:0.1266985020119527	be:0.06506136079902888	a:0.05367233913074959	more:0.052564597091336124	in:0.048713423836331086	was:0.04562039701945622	:0.01
the:0.7553606697874816	The:0.0631479246932145	tho:0.041867312836765064	a:0.035056852307793214	and:0.032729154339355554	tbe:0.019223750345041184	assistant:0.016327625926613385	or:0.013273323400773931	by:0.013013386362961567	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
all:0.20869729263580586	it:0.15532856205648216	looked:0.12036994723660631	arms:0.0954412938214101	gathered:0.09459485478096037	look:0.0916670422904707	looking:0.09078458284908196	turned:0.0701726998914334	and:0.06294372443774914	:0.01
is:0.3109692369522405	was:0.18202833349307254	are:0.1581440285968818	be:0.10520799599867105	not:0.06148443062110055	were:0.05604036149402988	Is:0.04295878351441914	been:0.036813895306251586	and:0.03635293402333294	:0.01
to:0.6379762482120653	and:0.0815670645221455	will:0.05501403616695361	not:0.04810627941565448	To:0.03901885488454467	I:0.03862061325576179	they:0.03700695872726517	can:0.028372336386020422	we:0.024317608429588834	:0.01
and:0.4021537073102102	he:0.1056537278633932	be:0.08372228777877243	has:0.08011287701996349	had:0.078993979376008	have:0.07144466605785045	who:0.0614143898933502	was:0.05629820931388039	is:0.050206155386571555	:0.01
is:0.16889356017179724	that:0.15822054336582714	and:0.14916467177202136	have:0.13728361371714023	had:0.10623259355129644	was:0.10298966069350461	has:0.06319645646012767	but:0.05210207137848232	be:0.05191682888980297	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
was:0.21254621673730964	be:0.1866954699935678	he:0.16492866179933102	been:0.11627934646797873	is:0.08194619460508079	and:0.06522785242014073	had:0.05945494182169472	were:0.05197716919100009	who:0.05094414696389643	:0.01
they:0.22127417117087472	who:0.2115255292047395	and:0.1431967097907504	which:0.09436101440430117	men:0.0921584894984171	we:0.08734434248497762	They:0.05675516639021886	that:0.05075191509864493	people:0.03263266195707572	:0.01
to:0.7751823682168935	and:0.10186004225329796	will:0.026119000703318376	not:0.022261096139366634	in:0.01749695874121504	for:0.013804129449662875	that:0.011885034172036601	of:0.011477918821638067	I:0.00991345150257091	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.27160062912448996	to:0.2681803687295565	his:0.12829901835970114	and:0.06932872860926323	a:0.055310709444887265	their:0.05506135636213381	her:0.052774796798580347	not:0.0453878069620508	of:0.044056585609336944	:0.01
Young:0.7178066681522555	the:0.1207958454726353	Business:0.049337089933346887	and:0.020668873073198656	of:0.019481006954663746	A:0.017854861264211777	a:0.01704630899393199	<s>:0.014274223253612254	New:0.012735122902143998	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
a:0.38528244149925944	the:0.14091279418455807	and:0.11893924520015775	is:0.09063849167422663	very:0.08328051863830813	was:0.0575201197327543	are:0.040598158714064865	of:0.037898228946801345	most:0.034930001409869585	:0.01
and:0.24715944158911993	depend:0.10115542297585235	based:0.10085046174861782	placed:0.09929781518962862	depends:0.09865819847804204	called:0.0967281156431388	down:0.08601932662424668	made:0.08525060516232963	effect:0.07488061258902408	:0.01
and:0.17550168008208752	be:0.1520353546848492	to:0.14478870603809085	was:0.12123107555652601	of:0.10736795628139374	the:0.08162279351795065	is:0.07321907787995124	are:0.06771593345996738	were:0.0665174224991833	:0.01
is:0.3177621446621577	are:0.20301759307683845	was:0.14010787002029831	be:0.12589228145793038	were:0.054662811746668656	it:0.042883854573562384	Is:0.037454137308088116	been:0.03501911654497554	and:0.03320019060948048	:0.01
was:0.18991453451619122	be:0.1543658617072605	is:0.11157448049837697	been:0.10680483280190002	of:0.10335038683907469	the:0.09898389482971728	and:0.09751034532941251	were:0.06497103383901073	are:0.06252462963905607	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
part:0.21496902104278678	one:0.20912369233988043	some:0.12867331343811736	out:0.1057303116879626	members:0.07618604502434112	and:0.06636584999188522	tion:0.06479865598258486	portion:0.06226235532256281	side:0.061890755169878825	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.26752232742120874	to:0.16977217679524817	in:0.13069569282204807	or:0.11264809803479155	by:0.07687175314514932	than:0.06662230711831907	for:0.05934322485417717	at:0.05330894883999923	without:0.053215470969058626	:0.01
J.:0.15517223178391137	C.:0.1407098639843662	W.:0.14010259074229123	John:0.1366129461625529	.:0.1290357425654202	James:0.08590368104254713	Mrs.:0.07884923234078639	William:0.06648203487226177	Mary:0.05713167650586278	:0.01
and:0.25593775325453366	he:0.20311664021217649	it:0.15198271447990425	is:0.07826210280468544	I:0.06864865042226949	He:0.0606033949689175	was:0.05854152925782447	she:0.056878572145332346	It:0.056028642454356445	:0.01
as:0.2501266913833019	up:0.1235250048817903	went:0.11945535719699676	and:0.11561808595962257	came:0.09189456872695793	returned:0.07802108487478537	belonging:0.07256133442787675	back:0.07176565035439232	feet:0.06703222219427608	:0.01
he:0.19621304626853336	who:0.17273952602042644	I:0.14366839695691894	and:0.10112598148069298	had:0.09817461674273929	they:0.08818489935731968	she:0.06813663055015468	He:0.06445183661194157	it:0.05730506601127301	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.2743117504284168	of:0.2031732249473093	and:0.14156060019767566	a:0.11316385342595574	to:0.09406860272246842	in:0.06522342661104139	for:0.03681377254659395	at:0.03404798977090624	or:0.027636779349632518	:0.01
and:0.27831202825744067	that:0.2014912923231381	as:0.19171886246482517	which:0.09892874134467476	when:0.06494844963057149	if:0.05667925564742387	but:0.04507849795664818	If:0.026898723929375756	while:0.02594414844590212	:0.01
and:0.2306773901185383	he:0.18333869538180486	who:0.13000420393029097	it:0.10800635040536286	He:0.07897404748757593	that:0.0704526283756586	which:0.06741970699567026	It:0.06342017999427177	they:0.05770679731082635	:0.01
to:0.6029234748158575	not:0.10685677045378247	will:0.0805053125791318	would:0.07348435472152394	and:0.058714604224932194	may:0.01928356596757802	must:0.017761258017253204	I:0.01655037912139117	we:0.013920280098549686	:0.01
the:0.3476298225330875	minutes:0.23381288292347527	thence:0.17522416795050658	degrees:0.11780069790882919	tho:0.029704545350293345	south:0.023561408279132074	and:0.023376331803621392	The:0.020239799336660116	south-:0.018650343914394518	:0.01
for:0.3892183589362009	of:0.11913750363550386	in:0.10137467977733451	to:0.08383434430761823	at:0.07311841211217496	For:0.06960929180772962	and:0.05572438901822577	that:0.050875939132115286	by:0.04710708127309678	:0.01
was:0.20618434372908653	and:0.17287857964426004	is:0.14527519974141745	be:0.08631746152598767	it:0.079626824924312	the:0.07813304209662032	have:0.07585281200053723	been:0.07537462217449112	he:0.0703571141632877	:0.01
a:0.49227251715434406	the:0.26199364175621204	of:0.06271572127677767	The:0.043618009706847274	in:0.03630556542929413	with:0.031388709285064965	and:0.027064263367672824	no:0.02076575705749701	A:0.013875814966289859	:0.01
to:0.16889050230180563	and:0.15891446437031911	of:0.15884397483632715	in:0.13518036410011175	was:0.09121132328425902	the:0.07807638466717513	is:0.07460290674742219	be:0.06880460638737085	for:0.05547547330520909	:0.01
and:0.2560685023728083	to:0.23357380523186577	in:0.11172173386222319	I:0.10297610406359924	of:0.07128657961369883	re-:0.06683461187359818	the:0.055888440060669675	not:0.04822441188759685	he:0.0434258110339399	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
;:0.22552061085251554	it,:0.14460487634878158	him,:0.10273966044521114	them,:0.10271208862228533	one:0.09578134161408765	years,:0.0854283008988403	,:0.0843560863432732	county,:0.0751412819957593	city,:0.0737157528792461	:0.01
<s>:0.5069245693228005	it.:0.11609693551689033	them.:0.08936848617780252	.:0.059799816327899824	time.:0.04874720052052366	country.:0.048584136985803855	him.:0.0458567546155706	day.:0.03879701913671151	year.:0.035825081395997035	:0.01
and:0.24965773768928365	that:0.21770214176697975	as:0.1248234123757925	but:0.10461977572374195	when:0.09942712059554992	which:0.057580046673598353	if:0.05137722891957415	When:0.04397086691852374	what:0.04084166933695596	:0.01
and:0.20269517605798137	of:0.16226319151786942	the:0.14317801436843935	be:0.12935187257247696	is:0.09383572468257857	was:0.08127493003716695	to:0.06738858250550278	in:0.06068745003410979	as:0.0493250582238747	:0.01
and:0.2688078358568699	of:0.2151250577753985	the:0.16555624675245167	to:0.13049233885688846	a:0.05928189568131012	in:0.04272389407150121	that:0.03919522589630722	as:0.03738481957384539	or:0.031432685535427406	:0.01
the:0.3082901855110443	of:0.1720330467459777	and:0.16091449344567846	a:0.09151664152349588	to:0.06622933849153428	in:0.05627415702644834	by:0.05054680251298426	for:0.04243914134569659	.:0.04175619339714007	:0.01
the:0.622643311238426	an:0.10484280110453627	a:0.08168569288772978	of:0.051345140442248444	The:0.033136344813409005	tho:0.032799487301733085	our:0.023882301112038786	in:0.021984000358411665	good:0.017680920741466977	:0.01
the:0.34565553455151293	and:0.20227335046153935	of:0.121251300964672	to:0.09576439165374159	a:0.06220906407200751	that:0.049900176439266315	I:0.042659854682969824	.:0.03531294637850778	will:0.03497338079578271	:0.01
the:0.32921052029541054	a:0.22626968536199824	of:0.1386083730233855	and:0.09590024218279262	that:0.047199236786498185	in:0.044047738823209226	an:0.04005035139628578	The:0.034398573786565724	to:0.03431527834385432	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.23130804761455173	a:0.2273821814852447	was:0.13015738354437628	is:0.08898221468605677	and:0.08389984215421041	that:0.06266458828523427	are:0.05879736666691836	but:0.05509111675598091	be:0.05171725880742661	:0.01
the:0.7336297643459014	of:0.07788399766573502	a:0.06215966203279223	tho:0.03165942210455518	every:0.018950612095071952	and:0.017726175221876327	for:0.01692599289360398	The:0.015954002045766302	this:0.01511037159469756	:0.01
is:0.1936087435691293	was:0.1438323593143901	are:0.12186296434341748	did:0.11746438789983729	do:0.10721052931890086	could:0.08616034692945328	and:0.07546047057592255	does:0.07227133429734382	will:0.07212886375160546	:0.01
the:0.4164699767658302	an:0.12574985658692384	a:0.10403452382046219	to:0.08921982261913505	and:0.0792594646121232	his:0.06878158390489293	per:0.03601383331684096	from:0.03562069965491332	my:0.034850238718878226	:0.01
the:0.6045115196001516	White:0.1266837363791268	a:0.06434940596466297	Opera:0.05786695941640492	this:0.053802288786885706	tho:0.02587357422448273	Court:0.020114154048110025	States:0.01956651953564572	that:0.01723184204452951	:0.01
the:0.3831617630248545	a:0.3049854639424217	large:0.1350045959005506	The:0.05111886317653865	great:0.040356824516150455	tho:0.035445674088495305	one:0.015729771253346722	small:0.012912318785982754	other:0.011284725311659388	:0.01
the:0.5907735727816995	of:0.13184152275677746	in:0.07793553804542702	his:0.046756660863091035	tho:0.039744376365815064	for:0.030683762006767205	a:0.025968193712397235	The:0.02399552913215563	this:0.022300844335869728	:0.01
of:0.20842841051795283	as:0.14084324628132877	to:0.10116315622935514	for:0.09995371781610993	is:0.09616470210900886	and:0.09084436877873116	in:0.08786189245598046	was:0.08519796535207776	with:0.07954254045945507	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
more:0.6176000411531449	rather:0.1238694450156466	less:0.08905485649874782	better:0.08642814322056666	greater:0.019417826315381723	other:0.017971650542191714	worse:0.01713136207594643	and:0.010951580482578589	larger:0.007575094695795504	:0.01
of:0.216055253896522	in:0.17229733335444053	for:0.12409616526052378	with:0.10670531294098652	was:0.08331065506271544	to:0.08142138886367109	and:0.07945834427005331	by:0.06760602123085883	is:0.059049525120228485	:0.01
and:0.21212631028523773	of:0.1493392282514495	set:0.1326502386010728	was:0.1229506311465777	them:0.08213820212705446	well:0.07837214712042673	for:0.0751002171756046	.:0.07000796076685528	are:0.0673150645257211	:0.01
the:0.29456612071867977	Hood:0.26108698602837876	Hudson:0.10358446210331024	Fall:0.07694902361334112	Red:0.06670257733595338	and:0.06271125060116556	Mississippi:0.04677362011953559	The:0.040367400726961586	Snake:0.03725855875267406	:0.01
he:0.2792120799628436	which:0.1533086222802487	and:0.11573257956207397	who:0.10605843505664954	that:0.08368334331099643	it:0.08018631350899101	He:0.07983407266782179	It:0.05974290669872719	she:0.032241646951647794	:0.01
and:0.18397708026827517	of:0.15020429495842322	the:0.1232877716292359	was:0.11111774622434255	about:0.09488931799278416	be:0.0897269751914843	to:0.08614037525634916	west:0.07872363688273308	east:0.07193280159637246	:0.01
to:0.19446902204616487	the:0.1468740232132353	of:0.13208782829927648	be:0.10345575301045071	was:0.10122261734268671	and:0.09476108080812475	in:0.08987896606367062	is:0.06468005923453271	on:0.06257064998185785	:0.01
the:0.3794080912471981	a:0.23854171100700788	of:0.08586404966870276	and:0.06890861713878245	in:0.057982693762866404	The:0.055044231177677	an:0.052457745607819704	to:0.029031595608139855	Mr.:0.022761264781805974	:0.01
of:0.3893288103332097	for:0.14352366776195166	to:0.09262865776459257	in:0.08537295365749774	by:0.06886564561729344	that:0.06841074804761407	and:0.06360211440614791	all:0.039482646395803137	with:0.038784756015889724	:0.01
the:0.28911769851370467	of:0.15034482710262848	and:0.14727364343021293	a:0.12256378698685642	to:0.11180388212332248	be:0.05566769946958989	was:0.044440704312762515	or:0.03660687066406267	is:0.032180887396860036	:0.01
of:0.2821460375784853	and:0.18473405914849075	in:0.12447922250489919	that:0.0884984401274122	from:0.07759572790791804	one:0.06962780278901586	to:0.05820653987182564	by:0.05449908137699827	at:0.05021308869495468	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.2298087334044965	the:0.20014555321920866	to:0.11509335046286724	of:0.10320204081403925	a:0.07282770408580694	or:0.07077397981313034	be:0.06771830557229142	was:0.06698191984524497	is:0.06344841278291471	:0.01
the:0.19357000936025168	of:0.19161727312321297	to:0.13178021671534051	and:0.11973232970236156	be:0.08026391825149468	was:0.07357801228680229	in:0.06841129754985271	is:0.06787669563025195	on:0.06317024738043162	:0.01
;:0.20587306186118823	.:0.14388100633870393	in:0.1250276407690616	city:0.09619665452465706	,:0.0954906038178916	State:0.09175367415434696	him:0.08898815123424185	:0.07140122224935934	up:0.0713879850505494	:0.01
and:0.3212617378419542	was:0.13665734396961302	put:0.10817258003378548	placed:0.09589482937707522	is:0.07574630834550047	that:0.07495439045440873	payable:0.06710396053627729	one:0.05536045474803293	committee:0.054848394693352495	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
<s>:0.24643505364970167	that:0.22567481111489607	and:0.11986402130738497	it.:0.10509411761497947	but:0.07308474448235741	as:0.06237988616146023	them.:0.06028718069699419	country.:0.04939834692648971	of:0.04778183804573639	:0.01
to:0.737230885326702	would:0.06776446550102361	will:0.057874276038002194	not:0.03606792598872498	and:0.022008185982041795	can:0.01948558892970548	could:0.01928876996415717	may:0.016704540691852156	should:0.013575361577790485	:0.01
of:0.42292185470073906	in:0.1318615967812803	on:0.10169212376014362	to:0.08627018104908725	for:0.06361544881755571	from:0.053804179983613455	at:0.048043673694435116	and:0.04662024649547168	with:0.035170694717673895	:0.01
W.:0.2769580530654228	.:0.14346515349358635	J.:0.10906677352889224	H.:0.08741060365787023	E.:0.08278011131108295	Miss:0.07877665439452967	A.:0.07758555603623302	Mrs.:0.07049480120453208	F.:0.06346229330785065	:0.01
of:0.3131313711510661	in:0.10918084355392085	for:0.10136372914486755	and:0.10098309388562525	to:0.08539000441344113	as:0.0771769820924516	with:0.07643643838341461	by:0.07042190250576529	that:0.055915634869447534	:0.01
a:0.4146081829408622	the:0.1857304928687581	each:0.0835452866587867	The:0.07306292336726214	one:0.06579931156570633	this:0.04798078622783316	every:0.040327808817474074	Each:0.0397989378085564	and:0.03914626974476088	:0.01
the:0.3149405942718434	a:0.1871452046710166	of:0.14586315700680155	and:0.08236373683350486	that:0.06212114557310722	any:0.055628813808399645	to:0.05180161214306983	by:0.05175635523865949	The:0.038379380453597414	:0.01
protest:0.2352275405538314	and:0.15084612289817434	up:0.09955781058262712	made:0.09751014825504264	voted:0.08841298176843052	claims:0.08439363287706252	vote:0.078620499699835	guard:0.07798548506815406	fight:0.0774457782968424	:0.01
of:0.5381622551136112	to:0.11306058341559586	by:0.06054393229821317	in:0.06015121439677117	and:0.056188973469367964	that:0.043247450055053746	with:0.04304352801106099	at:0.041992998446192385	is:0.033609064794133336	:0.01
of:0.24590017323344435	for:0.21081597581090278	to:0.12739683204312616	in:0.12074175067049693	with:0.1118849116098531	do:0.05784099035671013	from:0.04064337554455535	and:0.037745663277693284	on:0.03703032745321797	:0.01
feet:0.27152176672585254	and:0.12245093243922514	sent:0.09819161925130993	according:0.0980301503948565	down:0.08537633445929832	went:0.08515647745537308	as:0.07849577394000774	up:0.07696446352070685	regard:0.07381248181336984	:0.01
the:0.2687090875739415	of:0.18157187767638497	a:0.14252482539868977	and:0.10514903632870864	to:0.09311788939217851	in:0.06807136408067711	on:0.0499454048381513	be-:0.04406320857669359	his:0.03684730613457465	:0.01
an:0.3768860231615702	to:0.19883264283844568	the:0.13719127141728713	no:0.0643393735922084	I:0.0495189555660877	will:0.047914889188239544	and:0.045110424587688915	not:0.03835550570456891	any:0.03185091394390353	:0.01
the:0.664475373350853	The:0.07595399774796409	con-:0.06390467065940314	tho:0.04462605196998424	a:0.04324336278632394	and:0.04130700231687955	tbe:0.020286059275017563	of:0.018325410060354888	an:0.017878071833219454	:0.01
to:0.2907989276723902	will:0.20490827637539968	should:0.08795939248339395	may:0.07683826349050771	would:0.07458814615333378	can:0.06747581060864412	could:0.052828423284637764	must:0.04784627237592873	shall:0.045072299830390385	not:0.04168418772537365	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.40092915488336084	and:0.15787938785376307	that:0.13172800217994882	all:0.0757116967566641	by:0.063952110456705	to:0.046829009994771985	for:0.04340321118415379	with:0.038338591463918666	as:0.031228835226713603	:0.01
and:0.28198478366542257	more:0.12230945413273066	that:0.11062641385723855	of:0.0920646057493625	it:0.08519635912990588	as:0.08437092751346209	be:0.075501645273913	was:0.07486594344507307	is:0.06307986723289175	:0.01
the:0.7093558455680248	and:0.12733991387045757	The:0.04160490866987563	tho:0.030534205888976255	said:0.019800247934032688	certain:0.017048333671742525	of:0.015481827140638258	or:0.015449555192253082	tbe:0.013385162063999189	:0.01
that:0.40444666898574005	and:0.1556520134624469	which:0.10681878743655877	as:0.07480836542495635	but:0.06919510530906807	where:0.05697363467389352	when:0.04776860075367366	if:0.04605596138290215	what:0.028280862570760665	:0.01
the:0.404517921880392	a:0.10755565710387727	his:0.1059278118505998	The:0.09929232598314491	and:0.0843747499297348	that:0.048636100514583405	their:0.04826678257769412	my:0.045808166793502636	our:0.04562048336647112	:0.01
as:0.4785715125583874	is:0.14550778058787123	be:0.08288369044734915	best:0.061977228112817584	was:0.05871072863560822	it:0.05071335063644127	and:0.04591646938612609	im-:0.03723580884560907	not:0.028483430789790046	:0.01
of:0.2690973379332274	in:0.17489595511165643	at:0.1397744922732028	to:0.11532012859220254	on:0.07348349985636267	and:0.05771006172238542	that:0.05479498099159621	from:0.05266994999001901	for:0.05225359352934739	:0.01
and:0.29794779627837653	made:0.14146259516346116	or:0.13134721094894639	that:0.10328562780978796	him:0.07439839430817427	only:0.07439637068115776	it:0.06250293502037621	but:0.05250487901392215	accompanied:0.052154190775797464	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
that:0.34182566437041073	and:0.18115370716487933	but:0.10041591264151546	if:0.07721036095086257	as:0.07301549417647918	which:0.0702896553358804	when:0.06960607298894744	what:0.039159281978583996	If:0.03732385039244101	:0.01
in:0.394594539733673	of:0.29283894254489734	In:0.07022030852546274	to:0.06688717547656077	for:0.04508384993555076	by:0.03161045232029972	that:0.03122591994587788	into:0.028977001945322628	on:0.0285618095723552	:0.01
the:0.66639067658029	of:0.07624031451342869	a:0.06109514680728842	American:0.04113952046309771	our:0.0340552933500224	other:0.03397490043979989	tho:0.0319419854527454	The:0.026151810475150635	his:0.0190103519181767	:0.01
her.:0.27204831191228107	<s>:0.19446389745286338	it.:0.15343123223062266	him.:0.1012445617036719	them.:0.07291846961514017	day.:0.05201047169339489	life.:0.0492823504289404	years.:0.04867791266476081	time.:0.04592279229832465	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
of:0.3241150061345983	and:0.1774251949735989	in:0.10544507048740555	to:0.10116454824675855	that:0.07659656642832684	on:0.06455299454022724	for:0.06273561211239223	things:0.04287039325002043	those:0.03509461382667204	:0.01
be:0.2334579668265576	is:0.1767876260356519	are:0.1445934336562302	was:0.10598622870244315	and:0.08650707446200001	not:0.07790557612998471	been:0.07404010731550054	were:0.04673286627884466	well:0.043989120592787236	:0.01
the:0.3417261069628012	and:0.1961843143966825	of:0.13580045504308527	to:0.12417907741196067	a:0.04381443853369315	The:0.041905200213776146	not:0.03673330499441611	in:0.035943515884572515	their:0.03371358655901248	:0.01
the:0.29715172332573025	their:0.1988316840611587	his:0.17042810095525962	of:0.08621885062841146	her:0.074546961527572	my:0.05299650966991661	and:0.037220542249930176	our:0.03672001347159398	its:0.035885614110426976	:0.01
would:0.2434804672154779	and:0.22758224912585995	but:0.10977034220806442	will:0.09423738203944668	the:0.07564186917475425	do:0.06997621153926897	or:0.058462170566868525	a:0.056194244285281116	is:0.054655063844978286	:0.01
and:0.2660378235993845	that:0.18423125722905456	Committee:0.14091950879089932	committee:0.13047109115338562	was:0.060498870188458106	going:0.05463544641802012	work:0.05435679074821919	one:0.051724275573894904	or:0.047124936298683674	:0.01
the:0.2682140307123581	of:0.22280706344730478	and:0.20560279937332707	to:0.06131644236603923	in:0.05662711671951798	be:0.049754344904034256	that:0.04309794890589693	which:0.04206890266433711	much:0.040511350907184426	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.30735359476081114	to:0.22522162155475015	he:0.10662948316921289	of:0.07884913974184656	in:0.0597246616761408	the:0.057550992930262716	was:0.055200078540659045	that:0.0503361973709718	for:0.049134230255344906	:0.01
and:0.19879773614850196	just:0.16633269095941064	is:0.1403301559557449	be:0.08390742319103878	much:0.08362213436544579	far:0.08323668198037833	are:0.08162366376106057	not:0.07625243613275628	but:0.07589707750566273	:0.01
the:0.3785199221598226	his:0.11259400010111191	their:0.10610172463970631	of:0.10159474608102173	her:0.06986346364816937	our:0.06867794452302488	its:0.06438916948298101	great:0.04614117505979745	this:0.04211785430436481	:0.01
the:0.6467450252457034	his:0.08341344450075426	a:0.07988774860096941	their:0.0360315135218128	this:0.03380241497315103	tho:0.03239025955583996	her:0.030051420580393635	of:0.02428428730065152	The:0.023393885720723994	:0.01
of:0.22403420600549523	in:0.14516170479825935	and:0.13212057878410222	with:0.1101450228669899	to:0.09261782204281765	for:0.08424706121080791	by:0.06881763727215481	such:0.06729939123844483	as:0.06555657578092805	:0.01
to:0.2799803483997887	the:0.20127314161606732	a:0.1641423661931268	and:0.0836626819352849	will:0.07181278144379641	we:0.05436312297028892	not:0.053493375091600334	would:0.042799764045099935	you:0.038472418304946625	:0.01
the:0.562390416804139	a:0.13980035464469745	gold:0.059889923508740936	The:0.052197881942427415	tho:0.05164959824355564	and:0.04642104053964787	high:0.034106764547635955	any:0.025708614008495275	other:0.01783540576066043	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
<s>:0.312180090915302	it.:0.225886426312419	them.:0.10900423768345378	him.:0.0941755755897342	country.:0.0615896300062552	time.:0.052500523711349494	again.:0.04606717255220915	years.:0.0447597027856032	life.:0.04383664044367397	:0.01
a:0.15959650225222863	the:0.15286265189072934	this:0.1372934852266084	some:0.1225860575597741	that:0.08381763719332834	short:0.08049397507562282	same:0.07705533045691546	any:0.06764897540696073	in:0.0605900662491634	of:0.04805531868866878	:0.01
the:0.48143768949712884	a:0.10536018086063081	and:0.06679787118135405	of:0.06468141021685773	this:0.06237400394305833	any:0.058513019435160754	to:0.05395511308585392	our:0.05183934517607021	The:0.04504136660388534	:0.01
they:0.284929412044446	who:0.17731503253663047	we:0.11159017014240037	which:0.10035717888755122	and:0.08448736916719424	They:0.06921557299860846	that:0.06396994874632686	We:0.05344224379696364	there:0.04469307167987865	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.3014323429178846	Supreme:0.2043870385229573	said:0.13175849644787646	District:0.06702284923962984	Circuit:0.06203727357497081	County:0.0598171556059907	Probate:0.05719650530030323	of:0.05603892611959717	this:0.05030941227078993	:0.01
it:0.25963858208860846	which:0.14112918128503316	and:0.13477755288321686	It:0.11476539973660434	there:0.09895590903510543	they:0.0762137180117906	who:0.057804780239370954	we:0.05506058752131994	that:0.05165428919895035	:0.01
of:0.41033700711952237	to:0.10040482029615216	and:0.09456676640131279	that:0.08816330449922112	in:0.07488330867200273	with:0.06997033945092133	by:0.05418137895879856	for:0.05403029603212323	from:0.04346277856994571	:0.01
he:0.17992660251482065	I:0.16120748431309095	have:0.10835935863822743	had:0.10733467858641761	who:0.10341015885710439	and:0.09843391992954145	we:0.07925143778037227	they:0.07659994385706699	has:0.07547641552335824	:0.01
in:0.2679623029560077	of:0.19860565711965802	to:0.10935611265367001	with:0.09323545892094129	from:0.07770932718409249	for:0.06993863671210758	by:0.06751657484375599	upon:0.05456850346081428	on:0.051107426148952466	:0.01
New:0.7393911602849581	the:0.06049053880246553	and:0.04683612543824188	of:0.03661554557832219	in:0.02996386726315448	on:0.021706224481823595	to:0.020281247226765477	a:0.017461182125661563	for:0.01725410879860713	:0.01
and:0.22418626870572414	recorded:0.14696855719497356	is:0.1164009857744855	was:0.11417173427692236	that:0.09022877928991793	up:0.08168741102747688	held:0.07739200539885249	made:0.06957680399645043	time:0.0693874543351966	:0.01
and:0.369231889415931	was:0.11480310006181424	up:0.10703657753819923	that:0.0875213583648481	is:0.06746493834556037	recorded:0.06493480778210341	them:0.06110063327486428	feet:0.060075372665693835	situated:0.05783132255098555	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
the:0.352671563036859	of:0.16344948700295048	a:0.11551625653603613	and:0.11060227896373748	.:0.09244110092089382	<s>:0.05109952294356078	The:0.03895776874924977	A:0.033588017944623606	on:0.03167400390208892	:0.01
in:0.29274919589730575	and:0.17619872193465835	well:0.15321197569736983	of:0.11410827189488251	known:0.07317255740829251	on:0.05790810700105711	made:0.05165437213587322	In:0.041022364796080346	far:0.029974433234480416	:0.01
the:0.3858600256623073	a:0.1497956256722839	this:0.0992675033706635	next:0.080524849995188	to-:0.061847610581575924	per:0.0579850412741419	that:0.05429492253045319	one:0.050461851345765106	every:0.049962569567621	:0.01
was:0.28410195253518433	is:0.230465939714903	and:0.11066578549435654	be:0.09145079291885817	it:0.06307453883794507	are:0.05647817770955752	were:0.05503008612070955	as:0.051284022962875084	been:0.04744870370561062	:0.01
and:0.1557202738443079	it:0.15292783325934847	him:0.13069278480628765	the:0.12160734480318545	made:0.10954879960090735	them:0.10251631745078534	well:0.08051192368506191	up:0.07038070547457391	me:0.06609401707554208	:0.01
the:0.27780365800655765	of:0.19100701368335354	raw:0.1692622819897339	and:0.09302219967453983	his:0.057961821281014334	with:0.05766532779888385	a:0.05616400218145517	their:0.0445159147692166	or:0.042597780615245155	:0.01
a:0.5761959804967745	the:0.23333186897201372	his:0.03391651031075588	and:0.03322937739960941	The:0.028763902439728848	their:0.02598562989102852	every:0.020505681224021625	A:0.01916764690450623	of:0.01890340236156139	:0.01
of:0.26486171639242767	for:0.12379126932789944	to:0.11502682146568612	or:0.10320717601910744	by:0.09650105910735157	in:0.09634970345919544	without:0.08213189703755319	that:0.05645918897084747	with:0.05167116821993157	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
the:0.6171870884957907	a:0.12760825629170497	The:0.08135216220957857	in:0.039548182048182424	tho:0.03713189370620866	and:0.029604727932748664	of:0.02221712204979258	on:0.01952903248724177	tbe:0.015821534778751603	:0.01
J.:0.15517223178391137	C.:0.1407098639843662	W.:0.14010259074229123	John:0.1366129461625529	.:0.1290357425654202	James:0.08590368104254713	Mrs.:0.07884923234078639	William:0.06648203487226177	Mary:0.05713167650586278	:0.01
was:0.26106345209632753	and:0.1615926463272312	is:0.14926582324943155	the:0.08873010779007179	are:0.07910387801909266	were:0.07668941873584377	an:0.06766694410247932	be:0.06414208980750774	I:0.04174563987201439	:0.01
all:0.2817467754549738	and:0.13866980003166035	it:0.10912812850065001	went:0.098474213899284	go:0.07794149254212782	looking:0.07600713917236554	turned:0.07555119914301633	was:0.06771655535477568	get:0.06476469590114643	:0.01
W:0.14910773017956414	M:0.12276990578542449	J:0.12075148222724486	C:0.11156552709985228	S:0.10363588713123016	E:0.10247688778446311	A:0.09710894198133282	H:0.09413683549342977	B:0.08844680231745826	:0.01
a:0.6184605957167127	the:0.16174252731876174	young:0.05587412343459336	chair-:0.035224021113427886	every:0.02927808868469002	A:0.026674336573004526	any:0.023318849933792008	The:0.02146542475892556	no:0.01796203246609204	:0.01
<s>:0.2515850059809436	it.:0.19353872239114625	you.:0.18446203019758417	them.:0.10249009170574473	me.:0.06643287048920696	letter.:0.05416107030367487	him.:0.050256473431770275	time.:0.046546342467754326	life.:0.04052739303217466	:0.01
the:0.687155698161224	a:0.09926412524647917	and:0.057834974113474553	tho:0.039826053971739654	The:0.03679760787972348	his:0.020658307277497578	their:0.016927207345608434	of:0.01578368179288227	or:0.015752344211370655	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
was:0.22002636265127315	and:0.17470488313649699	be:0.14965647015878764	been:0.13551786225509604	day:0.09425440065845268	is:0.08026221041518598	complaint:0.050932293338254296	were:0.04997049081002784	duly:0.034675026576425336	:0.01
of:0.3526385491742855	to:0.13103707010491314	in:0.11549089879728176	and:0.10989597192834455	that:0.09765435494094213	as:0.05432796679015035	by:0.04509500743811956	with:0.04244055753114449	for:0.0414196232948184	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.268563356187192	place:0.19763649145749707	point:0.10900414669138928	places:0.09156843115676226	know:0.08779810459606877	or:0.06814347546305578	that:0.06084108009900061	spot:0.057084733352071454	cases:0.04936018099696284	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.1177148385676645	they:0.0914384776859708	that:0.08313239062920648	which:0.07694098793602959	he:0.07501873352304171	and:0.07330080551631972	I:0.05566581471392691	:0.01
is:0.15693200988701747	was:0.12437983444286471	able:0.12124315460698393	and:0.1130877466894836	him:0.111201609007873	had:0.10669981862934202	have:0.10056465621645723	enough:0.08254049511913548	as:0.07335067540084243	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
the:0.39061153225281686	a:0.20578738864179644	Republican:0.12157589057162638	Democratic:0.09411185095111645	democratic:0.04884458342251399	republican:0.04323115387600638	The:0.030144247240888097	of:0.028691028074458592	his:0.027002324968776976	:0.01
the:0.4599927872615986	of:0.1634562097807633	a:0.1406618748001771	and:0.06639694701307704	in:0.05683406702093617	his:0.027178148902089763	to:0.026021976383832496	tho:0.02474449742633486	this:0.024713491411190506	:0.01
provisions:0.16627098017731173	copy:0.15165327534695813	date:0.12617568642366098	part:0.12388683156619237	one:0.1044724200406653	out:0.09585475097905363	people:0.09019386903076457	publication:0.0773301702042243	members:0.054162016231169084	:0.01
it:0.20687419694626064	It:0.2041185812592859	he:0.13331434700697872	which:0.10094655584395615	and:0.08473585855072227	This:0.08385958200134508	there:0.061722523003561965	that:0.057831559521612695	He:0.05659679586627654	:0.01
the:0.2699167513597936	of:0.22863414607389043	a:0.19567764476164773	and:0.08012155706952374	in:0.06648174290277829	to:0.04141639845562095	that:0.04057890955687606	for:0.03777775842672882	The:0.029395091393140352	:0.01
and:0.25185878883423884	the:0.20724526367795862	of:0.15112589901721624	to:0.11438239617512233	a:0.0793657549186268	.:0.0659747012212246	Mr.:0.04986098764367698	his:0.03714276033701832	in:0.03304344817491739	:0.01
the:0.5482517723804013	in:0.10741815570253402	an:0.09960163901175909	and:0.05905484159515788	of:0.04405043935253889	tho:0.0371270364664374	The:0.03505258737422286	In:0.032267295784704234	any:0.027176232332244216	:0.01
a:0.3255052262781405	the:0.3087597682196027	and:0.12601521406860194	most:0.05968582038335042	The:0.041492328212898895	all:0.03748416492780581	some:0.03417038857912965	of:0.030555132334639697	or:0.026331956995830193	:0.01
there:0.2740496566197586	There:0.1772329545054314	they:0.15534843854080438	you:0.08800592379828925	who:0.0826317217689927	we:0.06036332144999159	which:0.05462337782344627	They:0.050900072517853084	and:0.046844532975432666	:0.01
have:0.35328946251732735	has:0.26744366091419525	had:0.24268234427973348	not:0.03551493986454824	having:0.03354582231468265	bad:0.016242173594263446	ever:0.014998571799669675	never:0.014904747853835004	havo:0.011378276861744826	:0.01
he:0.36344374102182747	I:0.13157381415302533	who:0.10981486652824843	and:0.08461387234011652	she:0.08286708567003692	He:0.06824356390193378	they:0.06276980176163764	which:0.04723877411624074	that:0.03943448050693317	:0.01
the:0.22172023892309115	of:0.1544891538036754	and:0.1135846508689145	a:0.09386538603318526	an:0.08847174821825282	-:0.08766195108438138	i:0.08336830757296743	.:0.07459740798853859	to:0.0722411555069935	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.31101947367550115	in:0.20921426767011903	for:0.1148471869491308	that:0.07668721685020059	by:0.06348196936772815	to:0.05920693872818296	In:0.05855394053588155	and:0.051242664034404486	with:0.04574634218885127	:0.01
of:0.4567792055317271	in:0.195571951777953	on:0.11682660122731528	to:0.07163715345213989	from:0.04861819879234171	In:0.03320399511386378	for:0.023801391649834466	and:0.022599561494651327	by:0.020961940960173613	:0.01
and:0.44041259200264676	that:0.159931933011043	but:0.14586877621092428	But:0.05901469057608011	time:0.053670320440024406	And:0.043181375110983154	or:0.0330580108512853	even:0.030784353672919505	day:0.024077948124093418	:0.01
the:0.36607440056592166	a:0.1206726139929553	this:0.11846607832365261	of:0.09586192260531981	in:0.07087262514001848	quarter:0.0699348578883592	every:0.05601517811335796	that:0.04940470498579102	first:0.04269761838462403	:0.01
number:0.31512312387996216	men:0.17229968969123002	place:0.10988395833308089	line:0.10172534584100218	people:0.0595510882617014	and:0.058886226579927224	out:0.05876135183634695	case:0.057204101019378235	board:0.05656511455737077	:0.01
they:0.2920790825207049	we:0.1676192807591628	and:0.09114719991682553	you:0.08976365771910488	who:0.08197059636375331	which:0.07240034505594667	that:0.06870135276315271	They:0.0653886468311585	there:0.06092983807019062	:0.01
the:0.4790366739829067	a:0.11370506167381011	of:0.09440040826175841	and:0.08354887372366622	in:0.05767655295845941	The:0.05420090682184144	Mr.:0.04484670994321282	tho:0.03305456906627049	.:0.029530243568074283	:0.01
the:0.4746267265053566	a:0.131907483651067	of:0.10075901908654489	to:0.08910379844883509	and:0.06201913141775022	in:0.041381178250679766	an:0.03520509424521904	The:0.029277029391030933	at:0.025720539003516413	:0.01
of:0.21570058734606717	in:0.17287290599153762	with:0.11189587087684337	is:0.11146700495359302	for:0.09601496085793075	and:0.09067536895922884	was:0.08303741096033672	to:0.05722590135037264	by:0.051109988704089775	:0.01
was:0.18609210225558076	be:0.17626256083489128	been:0.11713550526545646	he:0.10977763222090388	is:0.10435434563569165	have:0.08552884006206818	and:0.07688131440645275	were:0.06934451711809964	are:0.06462318220085538	:0.01
the:0.3865743142737061	a:0.15809553049707567	by:0.13046022031856155	of:0.13006274991044894	at:0.054381108677808196	any:0.04121068743486792	in:0.03198730931413779	from:0.028907926847249892	The:0.028320152726144004	:0.01
the:0.34276932402602095	of:0.21602836901853545	and:0.11438287019823322	by:0.07906031001802383	Assistant:0.07868958465865544	for:0.05046041861854934	at:0.046139450256963956	to:0.03480786954590888	The:0.02766180365910902	:0.01
an:0.5511589795883921	the:0.16279241623096996	An:0.09660635235658192	The:0.051206358143988856	that:0.03283618867218284	of:0.032471135473506704	and:0.026388352464213775	this:0.020184565277204785	any:0.016355651792959044	:0.01
the:0.6100044772242764	of:0.11000701681646093	and:0.0613158358959093	a:0.05431474031693976	to:0.05261938159270192	by:0.033096519072140916	The:0.031083783735471007	tho:0.019191795543115862	A:0.018366449802983683	:0.01
and:0.22458167922187433	was:0.15845754335842702	is:0.15354270397073008	be:0.10167950708594856	are:0.09874780213142718	that:0.07830957835228297	had:0.06279708169084898	or:0.06275160902085997	not:0.04913249516760088	:0.01
a:0.24580596669659693	the:0.21392435819367955	to:0.17353992207852967	of:0.11842530520464335	and:0.09849366756785694	his:0.041934346827291115	will:0.03288031864573486	for:0.032852507156231635	with:0.0321436076294359	:0.01
it:0.23939408018857478	It:0.16828534012759358	he:0.1645450135709951	which:0.0902688174425402	I:0.08004437355512885	and:0.07938802779302434	He:0.07395771847278129	effort:0.047940905990124544	who:0.04617572285923735	:0.01
the:0.606669990683497	thence:0.08936048745329643	of:0.08435293689678722	at:0.06056471064823885	tho:0.03590418821680713	on:0.03050162625709461	and:0.02989801789806787	along:0.026643841830429855	feet:0.026104200115781004	:0.01
for:0.1904275258994517	of:0.18076167403246413	with:0.13520594799391122	to:0.11565724229176087	do:0.09480001307818248	in:0.08706730488045017	upon:0.0826322603955146	on:0.051988040082004534	about:0.05145999134626023	:0.01
of:0.39069519806903263	in:0.2996688582352778	to:0.07226490385681052	In:0.06125235605787519	for:0.060811880032801115	by:0.03640068529315855	that:0.028829920282709656	from:0.024633936286291767	and:0.01544226188604281	:0.01
it:0.1921278232971985	I:0.16353672814364642	he:0.14828097751304353	It:0.12009222869643395	we:0.11874289695586418	they:0.11459528351250944	We:0.047894328539064	and:0.04657853342455461	you:0.03815119991768531	:0.01
men:0.22138520218205968	hundred:0.1558942795559107	north:0.10685697554134092	city:0.1011969083901475	time:0.10104458013162132	wife:0.09063836038824036	gold:0.07617105277490645	up:0.07172578973742141	land:0.06508685129835164	:0.01
of:0.2899422124457265	the:0.2669786708795728	a:0.10820700959838014	Of:0.10299973273875702	his:0.07715121731116066	this:0.04996423768273851	my:0.03618936930178237	in:0.031044141834272645	our:0.027523408207609294	:0.01
the:0.24870750539414407	and:0.1528092138471497	of:0.1496307601952608	to:0.14167234312807156	a:0.07424214706605249	was:0.0740657615284091	in:0.05438561664327943	be:0.0509659885524462	at:0.043520663645186565	:0.01
with-:0.46632044646735804	the:0.1539085863958493	and:0.08596017255087202	with¬:0.06723834848740935	sent:0.05472696095044099	with­:0.048038754090793404	it:0.045898502810535244	went:0.037172742373853394	go:0.0307354858728882	:0.01
<s>:0.4458746059749089	it.:0.11780244766415972	them.:0.10803539018274377	him.:0.08881126762075177	her.:0.053775800289173954	country.:0.04581172414059134	.:0.044862622161405095	life.:0.04364347368662916	time.:0.041382668279636346	:0.01
a:0.21970941759205212	some:0.18006921700799924	any:0.16843077267227866	the:0.15388554440113666	in:0.062056888259922977	and:0.060769406925832936	this:0.05279967877442409	of:0.047910717766909146	no:0.04436835659944432	:0.01
he:0.2046795339294043	it:0.17352503062908356	which:0.12427682101891604	who:0.11450803170646717	It:0.10623926897970519	and:0.08774926960631164	He:0.07544002955486519	that:0.06822902221926003	she:0.03535299235598682	:0.01
of:0.25110008680856005	to:0.16744332014316266	and:0.1622400921721766	with:0.09544071025413058	for:0.08459037388239334	by:0.060715013485822686	is:0.06010677878913491	that:0.05944536247664489	in:0.04891826198797427	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
the:0.8806090680672324	The:0.033923303132548904	tho:0.031292131321869934	of:0.013544302279215756	tbe:0.011117242043315882	that:0.0057140247092154085	this:0.005269696849502974	in:0.0047566042079046685	and:0.003773627389194097	:0.01
the:0.4238741542787785	of:0.1637416687087459	fellow:0.08105829617968346	and:0.07760805768747463	other:0.06246050601416272	many:0.05044250192930765	these:0.04717971220006908	our:0.04394742878281457	his:0.039687674218963485	:0.01
p.:0.6020914823384438	a.:0.24948273637872626	p:0.042653452574294516	and:0.03378638887832207	the:0.025224453602801563	of:0.01423217038676491	a:0.012019616217549711	for:0.005745865149918827	dis-:0.004763834473178169	:0.01
for:0.37084304946778357	For:0.34825188804472973	of:0.09460090389027315	by:0.03580642000414916	and:0.03546843818444796	to:0.034965627912957147	in:0.0327851678372496	so:0.020579669177683863	the:0.01669883548072592	:0.01
of:0.4468065481333237	in:0.25498645207829945	to:0.06584627851651553	In:0.06111585976589205	that:0.05067302138547657	for:0.03344342961836897	and:0.028264986661587194	by:0.026820730348017345	from:0.022042693492519094	:0.01
was:0.20412182450603952	and:0.20169165137129313	is:0.1294782887439942	are:0.10175590872617728	were:0.10073473205662961	be:0.07904296505976681	been:0.07613469255728672	to:0.05995154331148197	of:0.03708839366733058	:0.01
the:0.2932409016870283	a:0.23998928172580805	at:0.15034919759650225	and:0.07182154388193047	for:0.0666322168819539	of:0.05584523135313212	an:0.04384379936494866	to:0.03932135472048775	in:0.02895647278820852	:0.01
to:0.602644014728768	the:0.09755961911125957	of:0.09195344666440451	a:0.05742684296121752	his:0.032394754530588904	and:0.03201431610473031	for:0.02831015743957643	or:0.02606295764713373	in:0.021633890812320946	:0.01
the:0.4461692203566345	of:0.14632936042277622	a:0.1352649169718063	and:0.10866647053161566	The:0.038425028257777355	that:0.03384604098467835	to:0.029822141814817092	tho:0.026213018071044227	as:0.025263802588850238	:0.01
more:0.24909029276575095	hundred:0.134690266933597	time:0.12263157115822501	it:0.10794115522609625	one:0.101524313187105	and:0.07488886690434852	good:0.06723530496956324	up:0.06695252341214793	due:0.06504570544316614	:0.01
North:0.13111784523567155	men:0.12713026361383212	good:0.12223213007737146	rights:0.11603360763305577	;:0.11248937097616772	hundred:0.11064013261731231	one:0.09319961030774508	time:0.09026249751989895	street:0.0868945420189451	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.373790027318163	and:0.11064651762657035	by:0.0979476469116305	to:0.09608424347949548	that:0.09365692350098351	in:0.08591511003978067	from:0.04868450381138683	for:0.047314028860021354	with:0.035960998451968235	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.5218671725517096	a:0.22926142040048453	at:0.0971351343555956	of:0.03789980923057573	The:0.036974510470523296	tho:0.023250438109019327	in:0.016794064946276388	his:0.013769221151170522	for:0.01304822878464514	:0.01
;:0.38402633879831644	it,:0.154974016475155	him,:0.07954898492673562	nothing:0.07708431625029438	them,:0.07485407417374607	and:0.06654846466907731	time,:0.06309009911455096	,:0.049742583396273805	is:0.04013112219585062	:0.01
the:0.563928614948719	an:0.18062880401504466	The:0.10029305416345587	tho:0.03530236346825236	An:0.03381885176880536	of:0.028375655839573556	a:0.016541392974855337	and:0.015698979897856683	that:0.015412282923437028	:0.01
he:0.18445082775010657	I:0.15710561152912345	be:0.14996479679083113	and:0.13884661129474915	have:0.1127973539474954	was:0.07355239049895101	had:0.06961889218449677	has:0.05296174208083489	they:0.050701773923411415	:0.01
to:0.4163928763069553	I:0.1174040509928423	will:0.10107728573336956	we:0.07030954123135345	can:0.06986242202464286	they:0.06023130381486347	would:0.058965797886766945	and:0.050638722488508175	could:0.04511799952069787	:0.01
the:0.5482572488591566	a:0.0841989353068151	and:0.08378957766868562	of:0.07848222583720926	The:0.05345950920168888	his:0.040390397354862884	tho:0.038687025210585514	to:0.035087892638117714	in:0.02764718792287831	:0.01
the:0.1872430650764113	to:0.18077131898187315	of:0.15258123624921413	and:0.13849688479985894	a:0.12798809496438832	for:0.06052393248033261	in:0.05940955402818503	that:0.046976854328930215	with:0.03600905909080633	:0.01
a:0.5277503219798749	the:0.19344212701295332	and:0.06534025628671498	of:0.05238532507227174	A:0.0486930165113133	The:0.02961091395956489	I:0.028059657919546732	his:0.023703526461418	this:0.021014854796341936	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
it:0.22325425354406936	It:0.18073812601551803	he:0.13727858521627864	I:0.11191228799780635	and:0.08870640983891162	that:0.08161767685932302	which:0.07717730284444549	He:0.04629648082110498	.:0.043018876862542535	:0.01
the:0.42705841369591097	a:0.1430977773744797	and:0.13194236359863104	of:0.0881691592209272	to:0.05878313179956523	in:0.05243461749308482	The:0.03854873095005714	tho:0.025718331359892915	an:0.024247474507450965	:0.01
of:0.2517877187637788	in:0.11862893944457926	and:0.11019374097904168	by:0.10115177251456758	as:0.0993963729095034	with:0.09036254022029051	to:0.08210389171537745	for:0.07060070573615879	such:0.06577431771670234	:0.01
the:0.507933432415535	of:0.13341231104320542	in:0.07936604865389499	their:0.055110577303331874	and:0.04796204374129679	to:0.047231497587135754	a:0.04465159728577732	our:0.04040448290484978	his:0.03392800906497306	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.48418249689778065	was:0.12164717504817876	to:0.08832599986692406	is:0.0580366343817556	not:0.055702842082418304	will:0.054845656584932186	but:0.045030662583615134	that:0.04317406489546547	I:0.039054467658929795	:0.01
of:0.2381719860295494	and:0.23415746017761663	in:0.11598353395473782	to:0.10227189079610367	fact:0.07859923495468527	said:0.06648519540808896	on:0.059675812679062315	all:0.049591757945495966	is:0.04506312805465998	:0.01
is:0.22301489735339172	and:0.22228219177237302	that:0.14464741245660026	have:0.08555992119807337	was:0.07695120368029754	but:0.0675974400481729	had:0.06295209377835263	be:0.05471855712677103	of:0.052276282585967636	:0.01
to:0.31999042639567954	and:0.16762155863003034	a:0.10536380127142606	be:0.08872539083623004	the:0.07733797992910578	was:0.07646677301500278	of:0.05586081651552707	were:0.051933026745868915	been:0.04670022666112947	:0.01
let:0.29618821472107515	Let:0.1668918465107833	to:0.10725998975269602	with:0.09991758401048546	of:0.09020054999938383	give:0.08191363529587657	for:0.060616396113363606	make:0.05188251099659501	upon:0.0351292725997411	:0.01
to:0.34783171586156336	a:0.23012735766194542	the:0.16067129331658986	and:0.05444727395613892	his:0.04404320674415505	will:0.043004316120444044	not:0.039030550910061704	water:0.03641639977122087	good:0.034427885657880644	:0.01
I:0.205836635992229	may:0.14005540753689455	and:0.11410119660520185	we:0.10785438444078473	they:0.09741096361594798	who:0.09437546482641358	not:0.08613870978119739	We:0.07584478842025025	will:0.06838244878108052	:0.01
and:0.2808865126133064	of:0.18110105178426195	by:0.0890019322958133	after:0.08628254589152268	to:0.08481509878285397	in:0.08017321435285803	with:0.06690692854729512	for:0.06454438091842529	without:0.0562883348136632	:0.01
to:0.3090601878195527	told:0.14278894841878886	tell:0.12860424837849577	with:0.09865692941968929	of:0.08690267099343688	for:0.0749197094603541	asked:0.05886894386127228	let:0.0463850883448258	gave:0.0438132733035844	:0.01
the:0.3228698187643638	ex-:0.11459347670936303	have:0.10965667180511406	has:0.0975578782043028	and:0.0945332151397745	a:0.09189759785132105	had:0.07250167266071433	im-:0.043557942217359404	of:0.04283172664768702	:0.01
he:0.38849891655495333	I:0.17034026599450466	who:0.10764818183127707	she:0.08687619162378196	they:0.05686182628798716	He:0.05356136149383486	and:0.051278433715959276	that:0.037994284847385956	which:0.036940537650315554	:0.01
and:0.33688675732220197	he:0.15497694127892736	who:0.1033877167170746	which:0.09091957163842317	they:0.0801704496582459	I:0.07126511057150876	have:0.05577489734492613	be:0.04943197835374534	He:0.04718657711494696	:0.01
that:0.24070356897177692	and:0.20663739542455684	but:0.11249245088808989	which:0.08495451539749249	if:0.07978775183952877	as:0.07882064849224737	when:0.07322290696827845	what:0.06140855944929351	If:0.05197220256873586	:0.01
the:0.2899795600254739	of:0.1925437567589803	and:0.12243096533024841	to:0.11386310768867343	for:0.09375048998506735	in:0.07126045959287809	or:0.03837028848854728	be:0.03525126191285086	that:0.032550110217280326	:0.01
to:0.3776743323375729	will:0.18654030884254372	shall:0.12031851619161153	may:0.06825075784830757	not:0.05705956812877981	should:0.05452124660478965	would:0.043956399419077766	can:0.04089235063449645	must:0.04078651999282059	:0.01
spite:0.1487507634548454	out:0.1458209698160799	and:0.13969007688794002	that:0.10391708813818727	value:0.10208382150396517	part:0.09633133876814114	one:0.08915362516772866	sum:0.08654755829201861	amount:0.07770475797109394	:0.01
the:0.2730064410655565	of:0.2061915982928831	and:0.15730310785276436	to:0.11328772494832275	a:0.06157042052140126	be:0.05994582659933578	was:0.042261216958039194	in:0.03888758922582677	is:0.03754607453587027	:0.01
the:0.5127272789304042	a:0.23517497611423513	his:0.05489953664360392	The:0.045167783313503324	one:0.035139930679735254	tho:0.03104808852321817	any:0.02727557078485782	this:0.026504297917232505	every:0.022062537093209593	:0.01
the:0.3015884484456103	and:0.2564232357588628	an:0.1062708988104478	his:0.0744521307960159	to:0.061082932037619574	a:0.06092789979618994	not:0.057958468671233394	their:0.03626432469099976	will:0.03503166099302073	:0.01
the:0.3839176705725045	an:0.26507021518905566	in:0.07947250393724045	of:0.07250479359108833	and:0.06927770300643729	The:0.0465270778173641	tho:0.025861171121499528	a:0.02421955054749795	In:0.02314931421731221	:0.01
and:0.2708555229503238	of:0.16875357166365473	the:0.15806028549716694	to:0.1266985020119527	be:0.06506136079902888	a:0.05367233913074959	more:0.052564597091336124	in:0.048713423836331086	was:0.04562039701945622	:0.01
a:0.5472232738122395	the:0.10842550523653095	this:0.08927046355413626	that:0.05308081961577931	some:0.05145681132144479	any:0.051326223933317906	one:0.03317775311719475	every:0.030743169203946874	and:0.025295980205409845	:0.01
in:0.2335867042216249	;:0.18180926332834607	it,:0.1340430896871974	them,:0.09254351752819094	one:0.07978662201318663	it:0.07120360777468793	each:0.06887856934156845	country,:0.06722110733653862	time,:0.060927518768659074	:0.01
set:0.5464406566180147	laid:0.10853300540929887	not:0.07685737887788532	lay:0.05260218006214363	brought:0.05044672759855534	come:0.043456139994180354	and:0.04094714425402938	put:0.0399844333667316	thrown:0.03073233381916061	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.4603341297677344	a:0.3601758993142861	tho:0.03460400684205309	The:0.03309691376371026	this:0.02287758801363226	any:0.020767153979808887	every:0.02018205545705526	tbe:0.019232185946481177	whole:0.01873006691523852	:0.01
he:0.3390078559396793	and:0.23460826252026018	He:0.130080662308148	I:0.08204761783944348	she:0.06151609560227265	they:0.041951215204439625	who:0.04102932608802959	it:0.03176962273236586	be:0.02798934176536127	:0.01
the:0.3630437732915212	of:0.306425250583049	and:0.08430237719193066	his:0.07563121391564365	a:0.04269945854931228	their:0.037158877849172565	with:0.03468210901713125	in:0.024077677224499827	for:0.021979262377739645	:0.01
enter:0.15707859451169695	went:0.1356682559624822	put:0.1320759020253611	it:0.11418668608397749	go:0.11173622366522463	down:0.08711492391028465	came:0.08442360978451803	them:0.08398051124388721	entered:0.08373529281256772	:0.01
to:0.34739097116669293	not:0.15410702214796962	and:0.13930222606997114	they:0.13914602541423912	be:0.05379866854308464	will:0.04815990718475611	we:0.04667703199673606	he:0.03319167618911382	I:0.028226471287436473	:0.01
be:0.22788456098513138	was:0.2237450680693865	is:0.11421013764356235	he:0.11030471795849184	and:0.08189933011953018	I:0.08104948251744343	been:0.07291465745726625	were:0.0409482661708114	have:0.03704377907837664	:0.01
of:0.19263333378134312	and:0.18135533826935732	any:0.10085683705783882	that:0.10060974795795616	the:0.09319827636714863	in:0.08555474616569952	no:0.08007226056475591	is:0.0794003647539128	by:0.07631909508198778	:0.01
the:0.7662407475416705	in:0.0867533478117192	tho:0.03828050465988184	In:0.025676253657966233	a:0.017987272952194558	of:0.015353875157795365	tbe:0.014365905258533375	The:0.012911139872560276	to:0.012430953087678581	:0.01
the:0.8678710279810203	tho:0.029483012255888924	his:0.021780451468762917	The:0.01972406662994336	their:0.016078340322547447	and:0.01325370357238667	tbe:0.008407804459876688	in:0.0077834450852429715	her:0.005618148224330793	:0.01
the:0.4552464530266764	in:0.30179780446801047	In:0.10174953151761061	tho:0.02933233575468551	of:0.027577790142245626	a:0.026028634438036085	and:0.020957368298853113	tbe:0.015359865777543839	to:0.01195021657633827	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
<s>:0.6492982155015994	it.:0.07853896143876415	them.:0.053124750990971276	day.:0.04446674231809223	time.:0.03708839517432012	country.:0.03434974887523695	year.:0.0342304900116842	.:0.03128113046441826	years.:0.027621565224913366	:0.01
of:0.4061718721844183	to:0.12549127481807346	that:0.11646835314454528	by:0.09842653733529988	and:0.09807313009608123	with:0.04982855422007516	for:0.033121613173140343	as:0.03243387979934149	all:0.02998478522902498	:0.01
will:0.2314864949605809	to:0.22902111758308233	may:0.10891355019453598	would:0.10850275698671287	shall:0.09873092185867911	should:0.0735300070915607	not:0.05362039445388323	must:0.052449064313358294	can:0.0337456925576066	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
and:0.3634141544211113	<s>:0.12328289904923408	that:0.096847732934901	men:0.08157220027204976	them:0.07157924329124107	of:0.0691920685253098	:0.06355906914139596	one:0.06108162000188266	or:0.059471012362874456	:0.01
a:0.33752273760951884	the:0.2159790624462365	and:0.11215036501996944	of:0.08385073496078962	most:0.08126947048179928	in:0.046743929066921916	an:0.039724578001056554	very:0.037696819570954054	The:0.03506230284275364	:0.01
foreclosed:0.21354426481975966	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823615	followed:0.12340081914410177	surrounded:0.0697778146110107	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817265	:0.01
more:0.4500788600062063	less:0.16900716644448105	better:0.08289749761439143	greater:0.07115848974331247	rather:0.07103038283837584	worse:0.03862141159128229	larger:0.036206064534620795	higher:0.03591796783111622	other:0.035082159396213466	:0.01
of:0.4466015844269855	by:0.12729871029891673	to:0.09888604239265325	in:0.08860970207563297	and:0.06919424034955875	that:0.06568702388412934	from:0.033253762731907055	on:0.03115082761394746	for:0.029318106226268747	:0.01
so:0.32083196461786323	are:0.1415911288946824	and:0.1316657116840263	as:0.11503279089203586	of:0.08048529411413095	how:0.05303614260614504	were:0.05228468329384491	had:0.04819914816066517	have:0.04687313573660602	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
purpose:0.37733917341731454	instead:0.09819396728465433	cost:0.09148072139326437	means:0.08969382980505945	number:0.08912303002812705	amount:0.07373767961386134	out:0.06290247248285935	capable:0.054408724621174506	method:0.05312040135368498	:0.01
be:0.3285016124555877	was:0.21585764172326458	been:0.13650032687852162	is:0.08966340750133171	were:0.062019265780243873	are:0.055244316792661216	and:0.04870200421138481	being:0.027050905008995485	had:0.026460519648008978	:0.01
of:0.359798493356762	to:0.14574332540129797	in:0.12225210686770445	and:0.09250020907122009	<s>:0.081059489790197	from:0.05118238803048259	at:0.050087684588505064	In:0.04384176711984436	for:0.043534535773986395	:0.01
the:0.5302647342717776	a:0.09379040849225811	his:0.08653167655656367	this:0.06068074572265209	of:0.05673828037177203	their:0.04321116325159296	The:0.04199312193181504	and:0.04052723752014907	in:0.03626263188141946	:0.01
and:0.16749924709343733	out:0.1456539198251155	known:0.12534583499375518	made:0.10013516281350524	up:0.09724793368394277	men:0.09607413223767551	it:0.08860926082279433	them:0.08758909713195738	him:0.0818454113978168	:0.01
the:0.34308040956892405	of:0.22607572958109032	and:0.10859322234510588	to:0.06740740167436086	be:0.052773548997891495	was:0.049347904824061685	their:0.04900935454528536	for:0.04758354197688166	his:0.046128886486398714	:0.01
it:0.18996776648825836	which:0.16693146919859034	It:0.1638838509302785	that:0.1088783226660808	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125938	and:0.047844242933137104	There:0.041206982916631135	:0.01
of:0.287458900755063	West:0.19793570058413573	the:0.17340369709888576	and:0.1352812785317711	in:0.07869330011157703	by:0.0395482310685724	from:0.03067257632487149	to:0.025484861426447653	for:0.021521454098675778	:0.01
up:0.18784817241181564	him:0.1379893177524732	made:0.10264202715188682	men:0.10201710279215713	them:0.09620596658941419	time:0.09421834293644565	right:0.09205460387281905	out:0.09059386969571255	it,:0.08643059679727584	:0.01
to:0.2289381636593331	and:0.2192717513017156	a:0.13044495051147903	the:0.10455834179792871	of:0.10112613089841178	not:0.0771920522945969	most:0.04816885945488862	or:0.04415662684441343	in:0.036143123237232705	:0.01
he:0.20999095849564725	which:0.13994856696027386	it:0.12467601249833851	who:0.10787117938575444	and:0.10302585195074533	He:0.09074100677468912	that:0.09065361366615368	It:0.0870777946673486	she:0.036015015601049305	:0.01
the:0.2937627657220809	.:0.17134530985259755	said:0.1537592256043615	of:0.08272409744354313	and:0.07129465678483368	<s>:0.06476326068198768	W.:0.0601724588420952	Mr.:0.04846581534136762	E.:0.043712409727132695	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.2415177786886019	be:0.22162191064265233	was:0.11218206542882786	he:0.08556831953736074	have:0.08202933259870304	been:0.07365512728838007	is:0.0697854292434405	had:0.05236969389416214	has:0.05127034267787137	:0.01
<s>:0.48511790102509256	.:0.12190847012452044	it.:0.09718665845214784	them.:0.07584715059411823	him.:0.04733775978303207	time.:0.045525826789683546	of:0.04253708239082295	day.:0.03772311027039188	country.:0.03681604057019031	:0.01
of:0.3463617661224352	to:0.13371672413562832	and:0.10322387083542395	in:0.0882992557273436	on:0.08212807313414629	that:0.07262316533185112	at:0.062298837297304725	by:0.05226651861755747	with:0.0490817887983094	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.24396549952477586	of:0.2387055419113165	and:0.16867944032370094	to:0.09602054029006402	a:0.0860594658571435	by:0.042985735678672955	be:0.041766764615108136	in:0.039650273917566196	as:0.03216673788165189	:0.01
the:0.6886622143861706	their:0.06079946702012311	tho:0.04090571585711634	of:0.03753947035307753	his:0.037271569100104956	in:0.03367203721781362	a:0.03222613430262321	and:0.03158984082480506	its:0.02733355093816544	:0.01
the:0.2920206063550032	various:0.16893164814783385	all:0.13184520332112018	other:0.11983024834571737	and:0.10752906840918997	by:0.047077190387755576	a:0.045447281643376296	many:0.04016509199507486	two:0.03715366139492857	:0.01
and:0.17722291469113738	of:0.1320986679916092	put:0.12922151543728752	as:0.12006344742945622	make:0.10394397296081156	that:0.09994954798090332	for:0.08271405305777428	to:0.07588001229998377	with:0.06890586815103679	:0.01
of:0.28857126887919654	to:0.2610554573815797	by:0.13538119302038915	and:0.12009298652543944	that:0.059113442526050775	<s>:0.03896396987735579	at:0.032284535125433333	in:0.02998718371779933	from:0.02454996294675593	:0.01
tak-:0.4782721499252589	giv-:0.17037590218265095	giv­:0.06409163406788328	was:0.06176940002568712	be:0.05070492348904951	and:0.04954604077176617	tak:0.04242778007012745	wom-:0.03826287112186382	fall-:0.03454929834571277	:0.01
and:0.2809266111445266	was:0.17900214778011597	is:0.0945251456025579	be:0.08014558148011883	been:0.07686580796122694	that:0.0738556429142002	men:0.07171313538046635	found:0.06685817018390401	were:0.06610775755288323	:0.01
a:0.29758910663305543	the:0.27423539380877837	any:0.11748842211131856	that:0.08968490661350281	this:0.054721926404863785	every:0.04658436821377061	greater:0.04460875833254082	latter:0.03430552952077778	no:0.030781588361391832	:0.01
of:0.3716924261869277	to:0.17193924987089773	in:0.1193535323057648	by:0.0853320514935088	that:0.08165966200872264	and:0.04600443211720446	for:0.043455005293559466	from:0.03743283839818228	with:0.03313080232523197	:0.01
and:0.2708555229503238	of:0.16875357166365473	the:0.15806028549716694	to:0.1266985020119527	be:0.06506136079902888	a:0.05367233913074959	more:0.052564597091336124	in:0.048713423836331086	was:0.04562039701945622	:0.01
and:0.2745085733614055	<s>:0.2616208471456284	that:0.16993421331784278	or:0.055767763091307244	the:0.049368029570340366	as:0.04638537533991362	but:0.0458512211373731	it.:0.04576658046552354	them.:0.04079739657066547	:0.01
I:0.2308654075964329	who:0.14925482731446135	they:0.13058427908829323	we:0.11932986473664363	to:0.11370738096737318	We:0.07067216971575685	which:0.06063801984309635	would:0.05870200153213072	and:0.05624604920581183	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.12537937924608727	and:0.10985980430753879	in:0.06240993305390327	for:0.06192854377065039	be:0.05083764956696977	was:0.03700580416928512	is:0.0336844012946531	:0.01
be:0.26971507229507197	and:0.23248807470937385	was:0.12142753494127824	is:0.08844418386101738	are:0.06598468883793729	were:0.06054546306121178	he:0.060036355504733414	the:0.04656404401279457	been:0.044794582776581576	:0.01
of:0.410931132735847	to:0.12363286140947104	in:0.09654701169880535	by:0.06754995806087415	and:0.06599732598478976	that:0.06571057222679622	on:0.06125812784775176	with:0.057414135166623824	from:0.040958874869040734	:0.01
the:0.527078934682733	a:0.15225564582038037	The:0.1468923731780621	annual:0.052796198007862456	and:0.033926998477043724	tho:0.026078067181713974	to:0.02501957430027673	A:0.015345005899799006	tbe:0.010607202452128473	:0.01
was:0.150793122812353	and:0.128923201046156	be:0.1281932696795663	are:0.11849748009984638	is:0.11717414714935542	very:0.10833468733583619	been:0.09492681337171816	the:0.07808909440529015	so:0.0650681840998785	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.6306070272208348	The:0.11100249883533848	of:0.05947252705561823	tho:0.044563486587964454	our:0.034502773730184275	a:0.03375126442123598	and:0.03125011525589155	that:0.025054138454302367	this:0.019796168438629653	:0.01
of:0.3659720664357756	in:0.18231432835175218	to:0.12382778770500485	on:0.09100975044733062	by:0.057702654815446064	In:0.04571798197709014	from:0.04233329359558029	for:0.041566627769389526	and:0.039555508902630564	:0.01
they:0.3392024735004142	which:0.12118407359814243	who:0.11815342309856956	and:0.09183938307199783	we:0.0855906139993737	They:0.08047925341627658	men:0.05701719245668254	that:0.054512408456425396	there:0.04202117840211774	:0.01
and:0.30132020239915897	is:0.11119746070334267	be:0.10342383628277005	served:0.08924283171230943	that:0.08794619158593868	time:0.07790541440461883	was:0.07681424830763602	or:0.07597111826904795	now:0.06617869633517741	:0.01
to:0.6247354854669194	will:0.11350799950024257	and:0.05517861641908905	would:0.04495011017254534	not:0.04081232325128098	the:0.03825074671268737	a:0.029215690618604923	that:0.02184094617812494	which:0.02150808168050549	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
at:0.9029605927761987	that:0.015017249046676395	At:0.014049693192665486	to:0.011311625106861236	of:0.010420820757350307	or:0.00999059237441174	and:0.009886145502600556	nt:0.008993707827522216	was:0.007369573415713436	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.22154144942409315	in:0.17518470157154056	of:0.17326155368628327	to:0.12617456948815445	that:0.09796003053355466	at:0.057823312230028234	for:0.05690399318780436	nearly:0.04106679620263339	In:0.040083593675907955	:0.01
the:0.38489692704492023	not:0.25309895436503543	is:0.08049586543360475	The:0.06666606115667226	was:0.06157699334400126	and:0.05014147968100144	are:0.0355566998920736	of:0.03272328629210211	tho:0.02484373279058889	:0.01
the:0.3409949041121723	and:0.1565851333724624	of:0.1220470208051339	a:0.1073399822552686	Mr.:0.06812607787115152	to:0.0632222629247171	The:0.05315973059712354	.:0.040054833919016514	was:0.038470054142954076	:0.01
well:0.26100882173378187	is:0.12706465464591285	and:0.12479899526424612	such:0.11271106012114859	far:0.09310908289722412	soon:0.09205111820651243	be:0.06264986800560328	was:0.06005928471977991	but:0.05654711440579091	:0.01
the:0.7671690872974315	a:0.07321876706274165	The:0.06998052364219105	tho:0.035378444269377515	his:0.01657806335119618	tbe:0.010232838675094579	our:0.005992348029543759	of:0.0059331207667471875	their:0.005516806905676514	:0.01
it:0.20687419694626064	It:0.2041185812592859	he:0.13331434700697872	which:0.10094655584395615	and:0.08473585855072227	This:0.08385958200134508	there:0.061722523003561965	that:0.057831559521612695	He:0.05659679586627654	:0.01
<s>:0.6400511223546401	.:0.0709313879917318	it.:0.06711720443580216	them.:0.043139201040287845	of:0.039253640317857566	him.:0.03884930182090156	time.:0.034402787640680534	day.:0.029863919568001256	country.:0.02639143483009712	:0.01
of:0.407674785398844	to:0.1277612093619651	in:0.0981100127674003	and:0.07987385520716705	for:0.06192213266467773	by:0.059814335151744225	on:0.0571953785601922	that:0.05542901686480434	In:0.04221927402320507	:0.01
the:0.557461331453639	a:0.12279282956952883	and:0.08953298869576322	The:0.06089563246587472	of:0.05772084403336681	tho:0.030157168399956493	at:0.02498290423304081	street:0.0234155096838943	to:0.023040791464935772	:0.01
is:0.1833625449342424	and:0.16261568824059883	for:0.12513630765687603	it:0.12167891851589262	the:0.10256216924325934	of:0.08143217335119214	was:0.07793968671481834	no:0.07165541845470025	a:0.06361709288842013	:0.01
of:0.2234419438063892	the:0.1831346070030075	a:0.11224303086564748	in:0.10325079628044039	and:0.10090485403658338	on:0.07803679364194172	to:0.07448846898828099	Block:0.06824989879763523	by:0.04624960658007411	:0.01
the:0.4974604752497802	a:0.1531732324932956	and:0.1072636646438851	The:0.057559537220838675	in:0.049778344339558175	of:0.0361987888825459	with:0.03368169541364676	that:0.028928872659250416	some:0.025955389097199206	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.29242299376304715	same:0.13239317614802068	that:0.1281123900074392	some:0.11771260359614567	any:0.07870866864566574	this:0.075807157918519	a:0.06410079654467474	short:0.058058039525015384	long:0.042684173851472336	:0.01
they:0.2546521839887731	who:0.13828826579684964	we:0.12518837572895375	there:0.1116152942797866	which:0.08749207623852752	They:0.07640094200774886	and:0.0674874873962165	There:0.06707657581183858	that:0.06179879875130557	:0.01
such:0.23654042860977972	far:0.18160669674994573	and:0.1656350917631207	well:0.11267453631111059	but:0.07162293676184679	much:0.05784527231409269	it:0.056208745923966484	so:0.0550190271895161	that:0.05284726437662123	:0.01
have:0.272851362053406	had:0.2624373841304089	has:0.24604284376243907	be:0.07028832007197476	having:0.034368675722044426	was:0.030884601251570384	and:0.027503791043796653	been:0.026876629530169414	not:0.01874639243419067	:0.01
to:0.20902957655457752	I:0.16655200030199052	1:0.11770690458188567	re-:0.11136263162798808	his:0.10239043797028881	a:0.09405729129221148	and:0.07980297581912119	of:0.054726851908434127	the:0.05437132994350247	:0.01
in:0.18748581496340025	of:0.18423244885590992	to:0.1573011247700228	for:0.13799613394199625	on:0.0840348768867624	at:0.07927984924882012	and:0.06021195698595258	with:0.054629682417875934	from:0.044828111929259874	:0.01
carry:0.2531501453566949	through-:0.22987000183719142	with-:0.1450204013714821	carrying:0.08293987265271313	pointed:0.06672683102072541	and:0.059369703054731424	sent:0.05515216574947199	brought:0.049249105518804445	carried:0.04852177343818517	:0.01
of:0.41295093921729686	to:0.11990500541163829	that:0.0895911907598342	in:0.08643545798081824	by:0.07458037983631866	and:0.06933577586268833	for:0.056204514412750484	with:0.04347534129150476	from:0.03752139522715013	:0.01
virtue:0.2531118323784269	one:0.13783951179045353	out:0.13781151302830072	part:0.095641585586563	pursuance:0.08911439945977416	result:0.07412670930619975	all:0.07128278395402765	tion:0.06738851371312381	means:0.06368315078313051	:0.01
in:0.36741301022936734	the:0.306636512522947	In:0.09960758933503545	and:0.05634684002294841	of:0.04530582614910073	a:0.03619049219165578	to:0.0324136508253891	with:0.02707207458397405	from:0.019014004139582107	:0.01
it:0.23204502001293215	he:0.18765002605837577	It:0.18344252609944198	I:0.10040823419784756	which:0.09209489367834257	He:0.055623629726409454	and:0.05033030329012504	who:0.04541235279631012	she:0.04299301414021546	:0.01
of:0.20866201254320826	such:0.13442344006003665	in:0.12225921162042327	as:0.1139524941246192	to:0.10095302234974585	with:0.08511636218624308	for:0.08026719715052424	at:0.07459268879412438	and:0.06977357117107504	:0.01
the:0.7001355484257515	The:0.0971252529660804	and:0.0573688270638737	a:0.040533231156767054	tho:0.04003951688606809	of:0.019333510484075854	tbe:0.014798629077194663	in:0.010974457424059527	or:0.009691026516129112	:0.01
want:0.13730234775444214	and:0.12849906441009235	him:0.11827474395563463	able:0.11603193328707655	enough:0.11148322268590737	is:0.10430757478864866	right:0.09699959145920163	me:0.0893034866934016	not:0.08779803496559496	:0.01
<s>:0.506094054992253	it.:0.11022051438151417	.:0.07985866588391309	them.:0.07488603320414092	him.:0.0544840748886087	time.:0.044641607244588453	country.:0.04378582246711113	of:0.0386597652998989	day.:0.03736946163797157	:0.01
and:0.27219024079039217	which:0.17338738770050577	I:0.1377195394297396	he:0.10954476549676717	it:0.08884411690584307	It:0.0722600303608032	who:0.053085876956624665	that:0.049970432816167455	He:0.03299760954315695	:0.01
feet:0.20369910497051205	hundred:0.13885787882952882	time:0.13881344903869058	men:0.10485961158169452	dollars:0.10279516636190753	day:0.09013823871055368	city:0.08363606810351575	county:0.06360745730856465	up:0.06359302509503242	:0.01
the:0.47911636853392614	and:0.10078480860105794	of:0.09954079331996062	a:0.08696531253960743	in:0.08219915636699002	that:0.04998438521116081	tho:0.032216955252757626	no:0.029856704288588637	any:0.02933551588595079	:0.01
more:0.41161164146810636	less:0.18362374950924784	better:0.13599912322140092	rather:0.05983419842875673	greater:0.05765890386352618	worse:0.0482809898086628	higher:0.03623970215530858	other:0.028809056396717214	larger:0.027942635148273283	:0.01
and:0.37763363992266946	have:0.11089182590411581	had:0.08944197591477922	he:0.0870338454366333	not:0.0843208986679955	it:0.07684407704179934	who:0.0654067330334365	has:0.05084086006385274	It:0.047586144014718126	:0.01
the:0.6077366731494058	The:0.13336262168206606	of:0.07873612056181115	a:0.0526800701663647	tho:0.03751435388605632	this:0.028207280533686888	his:0.020089550317942094	to:0.016212021690227955	in:0.015461308012439034	:0.01
a:0.38982607858325125	the:0.17310068393146516	and:0.13757758952628132	very:0.07823815188346392	of:0.059829638815090735	too:0.04460228850871441	with:0.04321157279419196	is:0.033465293800068796	was:0.03014870215747229	:0.01
a:0.4342103493686322	the:0.28127427940390076	large:0.13107432102392513	A:0.04765830538767432	The:0.04331646657401486	great:0.017644277772326085	total:0.013916780429481905	and:0.011073407679680021	tho:0.00983181236036464	:0.01
of:0.4456777840806273	to:0.09560895113887723	in:0.09284068819157618	for:0.08486881655226551	and:0.07299337516704156	that:0.06857975944056091	by:0.05542877245174271	with:0.04558075691807833	on:0.028421096059230225	:0.01
and:0.2299411041209767	of:0.15074220750171066	the:0.13609398973530612	go:0.09101913019175782	it:0.0882202051602568	to:0.0862144796042364	<s>:0.07631032913177821	that:0.06762861521539874	his:0.06382993933857864	:0.01
the:0.6643561816974463	of:0.07554437574782254	School:0.0641629900638247	tho:0.039571635019924625	and:0.0390160643199022	said:0.035295587255170444	Judicial:0.02869126366358156	The:0.02228614655781154	<s>:0.021075755674515965	:0.01
and:0.19781435269461353	to:0.14466106909272458	I:0.12517963212322608	not:0.12257520833491432	he:0.11632195933358676	who:0.10664595957338145	was:0.06440451393336206	or:0.056235737955808364	which:0.056161566958382654	:0.01
a:0.48473617204259756	the:0.131723925330754	and:0.0795954944404236	most:0.06950671871679158	this:0.06714033165647862	of:0.05235663714026378	more:0.040370611198584525	an:0.03608152851067539	or:0.028488580963430973	:0.01
the:0.4683789316335395	of:0.19266679123214767	his:0.0759051333109318	this:0.059175531217577175	a:0.048311421669451945	and:0.03768881277452629	The:0.036596324324416556	their:0.0356632533042016	tho:0.035613800533207424	:0.01
the:0.2584915186472168	of:0.14281346037336012	a:0.13707013932066836	and:0.13577938254337027	to:0.10223324267269843	for:0.07851662265653192	in:0.06124767985536818	as:0.037344412941561954	or:0.03650354098922388	:0.01
be:0.16941498865227175	and:0.1639055107700193	he:0.13754692744368893	was:0.12116292269877052	had:0.09115645473692861	has:0.08322244124331735	have:0.08315543936463533	been:0.07194575902956372	is:0.06848955606080459	:0.01
;:0.27420800686232105	him,:0.17737404957553712	it,:0.12315888676290337	her,:0.09702503718414962	time,:0.07368920820762186	and:0.07026947959500657	them,:0.06937552138339675	man,:0.05855265829341169	me,:0.04634715213565194	:0.01
of:0.4061718721844183	to:0.12549127481807346	that:0.11646835314454528	by:0.09842653733529988	and:0.09807313009608123	with:0.04982855422007516	for:0.033121613173140343	as:0.03243387979934149	all:0.02998478522902498	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
it:0.19000958881462757	he:0.1611032502429305	which:0.15311706561543723	It:0.11848383192016272	and:0.1179570800433267	that:0.0673149623449609	who:0.06485775346284847	He:0.06136725348354962	I:0.05578921407215611	:0.01
and:0.24071477033649374	of:0.14483685893981987	in:0.13605665964036137	by:0.13109891963922796	for:0.08206045742998255	that:0.07364198888901566	to:0.07246591375488964	with:0.06447335070149642	or:0.04465108066871276	:0.01
and:0.20985953749929157	<s>:0.19655907591634078	him:0.14562357523866687	was:0.13081175984509055	out:0.06888656479548368	is:0.06378433190510589	be:0.06228516144860735	it:0.05743414475324811	made:0.054755848598165305	:0.01
the:0.2191964634038101	of:0.21808534141663974	and:0.14216558001463114	to:0.12496468060450602	at:0.09587163473629061	a:0.06131232564407417	.:0.051114949878341163	<s>:0.04140729045389009	by:0.035881733847816864	:0.01
of:0.3420422053370365	to:0.1388434664336376	in:0.13786264416522526	and:0.08027954924229379	with:0.07123181302638898	for:0.06369579859368074	on:0.06135083543937238	by:0.04859824571313037	from:0.04609544204923423	:0.01
the:0.298217976211665	of:0.1551488962279768	and:0.11022646645326513	to:0.10806076870808985	a:0.08566635339214888	in:0.0693053126286597	as:0.06422676447068883	be:0.055996025589401754	was:0.043151436318103906	:0.01
the:0.2740597899224893	and:0.16819347676945415	of:0.14959249176154793	to:0.08955528211699255	be:0.07249954314540305	in:0.07002756505712975	was:0.06530555940660156	for:0.05300277867790141	a:0.04776351314248035	:0.01
<s>:0.24671182559661217	and:0.20112243102936497	that:0.10121479852359354	it:0.10019658219129267	was:0.08661432370720633	them:0.07618982158187139	is:0.06437390257107117	be:0.058704157144088435	him:0.054872157654899306	:0.01
of:0.276593823505341	the:0.22904881665308102	in:0.1299659186314893	other:0.07919909902840937	white:0.06218357585957539	and:0.058429068901502325	on:0.054386632761011244	his:0.05374039708735937	an:0.046452667572231016	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
called:0.6989690392971751	depended:0.06784725000117099	agreed:0.064445230094255	relied:0.06075569553389275	looked:0.03618610811376424	went:0.02063485173947466	levied:0.014420548732403197	due:0.013643896317551585	look:0.01309738017031246	:0.01
the:0.3750384762589013	and:0.15576776943066303	of:0.11608042505907364	Mr.:0.08439344936867432	The:0.0792024172348829	a:0.061633308384532494	his:0.0442242362747654	I:0.03748669960758615	that:0.03617321838092082	:0.01
the:0.27406754032465286	his:0.18858943517702526	their:0.15385372546191314	our:0.09547071380502052	her:0.07430318349032826	my:0.05797710405564233	its:0.051891447637362344	your:0.047348844648223996	of:0.04649800539983133	:0.01
of:0.19141594771183146	and:0.1683906335326966	such:0.1117248738899915	all:0.10015746455435351	three:0.08555952904865911	many:0.08555372626619262	the:0.08540595679879859	two:0.08393769740309492	or:0.07785417079438164	:0.01
of:0.35285517222883295	and:0.15074086227886466	that:0.10573925556427922	in:0.0876649328126259	for:0.08033526615083397	to:0.07918465191164793	by:0.04938216274313855	from:0.04404277256241283	with:0.040054923747363996	:0.01
the:0.5548194392288006	of:0.1407976319241318	an:0.07998220584320886	a:0.046931917121458236	The:0.039662295856803156	to:0.03414622896379321	and:0.03274701466001261	tho:0.031710996262691145	in:0.0292022701391004	:0.01
the:0.26358920341114905	and:0.22247837184209107	of:0.10956735851370902	to:0.07232054457748906	he:0.06999120373090943	was:0.06651369884694273	that:0.06332353782515143	be:0.06312110156437874	which:0.05909497968817936	:0.01
went:0.149761658615052	brought:0.14942738348440895	go:0.13643566576570176	came:0.1289840586247301	put:0.10421133375710219	enter:0.10272776065590386	and:0.07479320458739686	it:0.07351964022232434	them:0.07013929428737989	:0.01
he:0.18439554537529163	we:0.17411526059557733	they:0.16366668237796356	I:0.13007758849163434	it:0.10489832537168435	you:0.06947447338555374	It:0.05632386369924676	We:0.05596363433214236	and:0.051084626370905876	:0.01
in:0.27491975879897823	of:0.25055775993326446	to:0.13759898026396558	at:0.07492845160838572	or:0.05365651005110351	by:0.05289536899312548	on:0.05138919596931304	for:0.04764861892621108	In:0.046405355455652955	:0.01
to:0.3207121250979801	and:0.21375187088370687	not:0.12939142216265911	the:0.08101259716266937	of:0.06425013492321091	in:0.06237854147608914	I:0.041041347781365915	it:0.04034953346026776	or:0.03711242705205075	:0.01
of:0.22161317184245044	to:0.1440733024278153	for:0.1330542117905565	in:0.10590072061720249	with:0.08555920648509445	at:0.08101921951794565	as:0.07726333038235435	and:0.07234030289596569	by:0.06917653404061519	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
in:0.42491855588137334	of:0.2604186618099256	In:0.09479368520374605	from:0.052946120026655205	for:0.05125993595821761	to:0.047227833867237036	and:0.026160659138508697	on:0.019761933522016453	at:0.012512614592319787	:0.01
be:0.3215665769706784	is:0.15683302893746387	have:0.08754088404422368	was:0.08565483519231518	are:0.08034143472356571	and:0.07398682099436457	has:0.06706642404199213	been:0.06427556358340863	he:0.0527344315119877	:0.01
was:0.2200709723461217	is:0.14418104471534238	be:0.13860391668106078	and:0.12238913741482675	are:0.10579914474946055	as:0.08443818948781101	were:0.06393388380587779	been:0.060799610939974914	the:0.049784099859524165	:0.01
it:0.15567811871116852	they:0.1445559325410381	and:0.1184491868441527	which:0.1181035235347431	he:0.11219145577320813	I:0.08839970325081575	you:0.08768468196965797	that:0.08334659137627826	It:0.08159080599893746	:0.01
and:0.33608506607029787	the:0.21529329851803855	of:0.20260542764551523	or:0.04880243951788241	by:0.04557098473670627	many:0.043325208206084494	for:0.034972156103886765	those:0.0317569265460429	that:0.031588492655545516	:0.01
Kansas:0.2419235274062442	York:0.20204718214072487	the:0.14645645397981108	Jersey:0.11242635250090745	Lake:0.06686019827611298	Sioux:0.06681204025849127	of:0.06392713479947768	Atlantic:0.04746921718208356	Carson:0.04207789345614691	:0.01
the:0.297492901961497	of:0.17741408266195474	a:0.14645768029163828	and:0.09158810426380848	or:0.07279359814981	to:0.06981668528850316	in:0.0589873299937157	any:0.0419198791673564	be:0.03352973822171621	:0.01
he:0.40631202622772916	and:0.16358711329535994	who:0.07839092266421754	it:0.0662456879800417	He:0.0630308354947407	man:0.06203013151814866	It:0.053578453338270195	she:0.05198216896990302	as:0.04484266051158919	:0.01
and:0.1975647219137437	to:0.16907305955240778	<s>:0.15427334652004354	the:0.09756035676727966	Mr.:0.09655888129056023	St.:0.0860623172553797	.:0.08074459945592269	that:0.05775931527564688	it.:0.05040340196901567	:0.01
was:0.24200121866158691	be:0.20382208209811248	is:0.1979278783850731	been:0.0792348263081028	not:0.06491108457002308	were:0.05843800385283713	are:0.050608191043375085	it:0.049134349133591444	so:0.04392236594729788	:0.01
the:0.2727566375617429	a:0.2164425752629676	to:0.128073443688416	and:0.08590145220534968	southeast:0.07363709309279445	northwest:0.06650768479973741	section:0.062082024318136524	of:0.04820280815706006	northeast:0.036396280913795404	:0.01
and:0.2153587075802431	;:0.11922285953410493	.:0.1144942793660527	it:0.10909403337719908	that:0.101271211508559	<s>:0.09389979818878712	,:0.09077719436832993	them:0.07458335020026904	it,:0.07129856587645504	:0.01
in:0.378772442722139	In:0.10745921186594277	the:0.09358155903086147	into:0.0758972997835431	of:0.07567799321613855	and:0.07314686314933046	their:0.06614896150833718	its:0.06583065838826548	his:0.053485010335442035	:0.01
and:0.2854264651535844	was:0.1199371907304285	made:0.10613345733596058	that:0.0990842628268067	is:0.07922806179484164	out:0.07754549482770905	up:0.07620427238330926	work:0.07579316491126531	but:0.07064763003609449	:0.01
May,:0.15682513485162528	D.:0.1458607825946499	January,:0.12478352808228112	August,:0.11191671639503176	April,:0.10960756029006054	March,:0.09510097679456046	and:0.0833637325442707	June,:0.08174843823854756	October,:0.08079313020897268	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
in:0.19251291019226324	on:0.1606229382477864	of:0.12176339236240093	the:0.10019052926164995	and:0.09212161000896578	at:0.08620086097637968	to:0.08445429587437069	along:0.08257357916963465	In:0.0695598839065487	:0.01
the:0.28902363059981356	of:0.17593165687854917	and:0.13487934685845232	to:0.11571139010764564	at:0.09107703037630034	a:0.06865240533232894	in:0.0501539119385692	his:0.034084947202443774	on:0.03048568070589699	:0.01
and:0.3198238921630681	of:0.15960391414308947	to:0.11027367998179559	for:0.07689806423854516	the:0.07589420012617806	wi:0.07036934175147526	I:0.06734863880605986	<s>:0.05936046500734497	that:0.050427803782443444	:0.01
of:0.4534292371844012	in:0.32540566910182117	In:0.11693891493125916	on:0.023892047553444772	from:0.01721205467292114	the:0.014523628168673272	at:0.014415826157853938	and:0.013146981933728928	with:0.011035640295896492	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
be:0.21173345442161426	was:0.20380423619830226	been:0.11870408380681109	and:0.10250945008524834	he:0.09555217903838804	is:0.07385701173743746	were:0.07290927519745027	the:0.05856239762650729	I:0.05236791188824097	:0.01
a:0.30249290864794176	the:0.1974057982167877	and:0.10836866720498886	more:0.09759698824744399	an:0.06718989347695589	their:0.06608933415059491	very:0.05827060797492827	his:0.04833755967191588	of:0.044248242408442724	:0.01
and:0.24450790453368804	that:0.19100973831142737	as:0.1312787695426846	which:0.10007526448822142	but:0.09142801229915751	if:0.07881151212781712	when:0.06772802275698957	what:0.05016470161486357	If:0.034996074325150804	:0.01
of:0.2879095906736429	by:0.15147283143704135	to:0.13226073003663077	that:0.1285469390652348	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411609	which:0.037163493311764606	as:0.03192736619326302	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
be:0.3968664771485683	was:0.16351985087298476	is:0.0913910722933337	he:0.07367113792143404	are:0.058755377958417156	been:0.05857393013555027	and:0.056766480613009894	were:0.05658530835166147	have:0.033870364705040554	:0.01
number:0.17500923902984578	state:0.14823313197342397	amount:0.11773985628084181	State:0.11352957709246989	sum:0.09881407663640368	board:0.09469904310548297	out:0.08999762914645744	line:0.07962192824446165	rate:0.07235551849061271	:0.01
a:0.5571175052985184	the:0.25693392323785913	and:0.045184986862295766	very:0.03232219185741342	The:0.030339069598990832	of:0.019040647775713123	his:0.018588309830089696	most:0.015606421311653507	some:0.014866944227466046	:0.01
the:0.3141697498569716	of:0.13596872111181624	The:0.13148451940784603	Mr.:0.12071271065510487	and:0.08466951013671548	that:0.08137847559446529	a:0.05140346651734129	Mrs.:0.04087284649549475	his:0.029340000224244486	:0.01
the:0.4232498860561606	The:0.13716649437641384	a:0.11226261023989041	his:0.09629190662173172	of:0.06599523684775953	an:0.05800652212108843	at:0.033364188213551145	and:0.03293728603417995	No:0.03072586948922431	:0.01
a:0.7855270038428781	the:0.10843110075528772	A:0.0366846753530374	The:0.01775287814948813	young:0.013001015990614635	one:0.012607634036040434	tho:0.006480270029123675	any:0.004885809015891465	first:0.00462961282763844	:0.01
to:0.3122469870921608	will:0.20485207897649774	would:0.10217401539184749	not:0.0847424183929901	may:0.07385012372252263	should:0.06998515730852457	shall:0.05981425406312099	can:0.041262580581240854	must:0.04107238447109475	:0.01
;:0.1956087101764827	hundred:0.18734824832200453	in:0.12206350913687183	him:0.0997693333743997	.:0.08312133453057588	it,:0.07689453919982184	up:0.07680896320848368	,:0.07619677265738092	it:0.07218858939397887	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
be:0.3178855599425475	was:0.2470501677531483	been:0.09954756831572337	is:0.07610151833945207	were:0.07195893831771638	he:0.05685795137236281	I:0.04204545597316422	are:0.04151033620898685	and:0.03704250377689836	:0.01
the:0.26991401513534163	of:0.17758310881913575	and:0.1132165170202487	be:0.10651158488158954	to:0.08172942900656562	his:0.06483671170343962	was:0.06424434113642574	re-:0.057268642520917214	their:0.05469564977633614	:0.01
No.:0.1933586283182993	and:0.15676749055908437	the:0.13393812525374674	of:0.1264478384532672	at:0.08881292736526274	.:0.08094643297346761	a:0.08008049067163032	said:0.06664873799122828	to:0.06299932841401341	:0.01
real:0.5503519720092609	the:0.297281622444104	said:0.047029909020652905	and:0.025560953655861494	The:0.0220997424879726	tho:0.014402094347120998	a:0.014233197610004819	an:0.01300107073571977	of:0.006039437689302385	:0.01
the:0.4120376622209003	The:0.15992101481930826	of:0.1359821497044457	and:0.06975351737182434	no:0.06707027655185739	more:0.03916440146153698	an:0.03592839005421461	a:0.035124364656095496	his:0.03501822315981699	:0.01
the:0.2161423204811599	and:0.20990934386273175	adjoining:0.1273846419825258	of:0.12183320337136568	their:0.09705634519564449	he:0.07374078656922675	his:0.05478146755112004	or:0.054749765868044795	is:0.03440212511818086	:0.01
of:0.2491342968063796	on:0.1863194877503726	in:0.15912037733914042	along:0.12906100249938385	to:0.10594922826768384	at:0.045717820226317464	In:0.03949969212586573	from:0.03870358109929881	by:0.03649451388555766	:0.01
the:0.34039051485312716	and:0.16659851149759874	of:0.13116392200896862	a:0.09639762150594987	to:0.07305075389892439	in:0.06502167312187218	The:0.054186631065786375	or:0.032195262228691665	for:0.030995109819081067	:0.01
the:0.4674199934767546	of:0.20889783548664828	a:0.09564271335825031	and:0.05955978078087502	their:0.035128054512738996	The:0.034097344415926226	tho:0.03067258300163228	his:0.02953417428869872	with:0.029047520678475446	:0.01
they:0.2544178442645591	There:0.22373089371346083	we:0.09660721890196075	and:0.09439339941937588	They:0.08373820747316887	there:0.06642448319695794	who:0.06501410351225388	I:0.06188933887969361	you:0.04378451063856914	:0.01
and:0.28905894539035043	fact:0.1747083301409929	say:0.11253810832358295	said:0.0912049284532288	believe:0.07930045219409566	know:0.07644438943481721	so:0.060570153986121464	all:0.05512445087235804	is:0.051050241204452514	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.10005802787283471	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.040989301969020085	I:0.025676339882261923	:0.01
is:0.2886452395922832	was:0.16933152055155848	and:0.1048242516527738	are:0.10235740095505151	but:0.06950835789498845	has:0.06540553462125907	it:0.06484502596599319	will:0.06299047004929506	had:0.062092198716797255	:0.01
he:0.29500987484408203	I:0.19376324032223383	who:0.1125784489564256	never:0.08593073808983333	He:0.07631551042939896	and:0.07238469514327239	she:0.07083838596467334	they:0.04723871189799819	1:0.0359403943520823	:0.01
get:0.1466179279908691	was:0.13816166858847523	and:0.13411725524820045	him:0.10611862598008347	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536371	go:0.08768078124059613	come:0.08255568388883913	:0.01
the:0.7362775675072111	The:0.07017880030734062	tho:0.044082046281810096	at:0.03625282547516953	of:0.03612165390794826	and:0.019846959137892414	a:0.01618274263545178	tbe:0.016176710396298498	his:0.014880694350877612	:0.01
law:0.16218267092714145	one:0.14556723921392092	druggists,:0.13232240255366615	person:0.11234231917965817	action:0.104824856729166	man:0.09403780487015162	year:0.092438423945039	that:0.07522461816800771	whether:0.07105966441324908	:0.01
the:0.2934620670631732	of:0.2141593332667423	and:0.15945002087278187	to:0.06780370218056998	that:0.06419988100345989	The:0.06058387775262816	in:0.0583461619364558	which:0.03917179644278349	or:0.03282315948140535	:0.01
and:0.3306180242931978	the:0.1767625438498928	to:0.13689414650170464	of:0.08138673707942752	that:0.05724599870862382	a:0.05593567434879071	or:0.05349106388258672	as:0.05222450798352553	I:0.04544130335225059	:0.01
and:0.1792655031315317	was:0.16628087709068293	have:0.14866277187461746	be:0.13567589038686034	had:0.10665876559019574	is:0.07426900646011181	been:0.06920912049558833	he:0.06563633343813495	has:0.04434173153227679	:0.01
of:0.43580142754149404	to:0.15310937312911016	and:0.08040415029648905	by:0.06289461336991556	with:0.06274588427243205	that:0.061599743224094304	for:0.05071508507695289	from:0.043730519772986545	in:0.03899920331652537	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
and:0.3857537221777004	to:0.1274970363140913	the:0.08327298951416362	or:0.07839401701236307	is:0.07150390314177353	of:0.06957668997556904	was:0.06249555105519553	are:0.05719013146982268	with:0.05431595933932092	:0.01
the:0.3451306091772989	other:0.12662729981696894	of:0.12259741749204245	such:0.08450001342363098	in:0.0832005730343743	any:0.06553778575019732	public:0.057052268818911976	and:0.053235496613346825	two:0.05211853587322831	:0.01
the:0.2953544238323081	of:0.1905502356800568	and:0.11048656488447613	.:0.10430984015895757	a:0.10238929871975465	to:0.06490874828103697	at:0.041108323707966465	<s>:0.04061879714325807	in:0.040273767592185164	:0.01
<s>:0.28959282112107226	it.:0.2102246522241461	them.:0.11239194466960022	him.:0.09858905609399621	.:0.09464855767027978	?:0.05463746146655853	her.:0.046137129110367804	me.:0.04272151964455287	life.:0.04105685799942615	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
it:0.35505309117815476	It:0.2256851548211504	which:0.09186997500389063	he:0.07427712557156563	and:0.06860291172058657	that:0.06252393229388647	there:0.045646756155683414	who:0.03881624702318383	This:0.027524806231898347	:0.01
be:0.3165855358986849	was:0.19806118958828492	been:0.13830702710670267	is:0.10389228061505444	are:0.06511657973760925	were:0.06137127801363572	and:0.03916078365446688	being:0.03632773584870169	have:0.031177589536859483	:0.01
the:0.3620523228938268	their:0.11641603190724382	a:0.11020829734808012	his:0.10860803444771482	have:0.0730103693654177	of:0.06836627044075913	and:0.05463401661146124	no:0.054353742299615974	its:0.04235091468588037	:0.01
the:0.2501550870616374	of:0.17327320107306704	and:0.14388289249475147	to:0.11475751953988338	a:0.09038001401223485	in:0.07346713906469314	be:0.06537517806815311	is:0.042347954547891406	or:0.036361014137688295	:0.01
State:0.48516267501828	state:0.11382629769278049	County:0.07464197106053203	city:0.07314915251400973	deed:0.05795292972465242	county:0.05471151444263428	day:0.04883483738593812	City:0.04542161393026802	line:0.03629900823090495	:0.01
part:0.21496902104278678	one:0.20912369233988043	some:0.12867331343811736	out:0.1057303116879626	members:0.07618604502434112	and:0.06636584999188522	tion:0.06479865598258486	portion:0.06226235532256281	side:0.061890755169878825	:0.01
to:0.20824004866035978	the:0.2040097545902015	and:0.19980432728505823	of:0.15978957334487476	in:0.06337877849958568	a:0.05463758289552893	not:0.03746152227349155	I:0.031804518390908185	be:0.030873894059991417	:0.01
the:0.25533460727049956	and:0.20610306713581766	of:0.12083930905472434	to:0.09606507596447902	for:0.07692082258265392	or:0.06305416228986642	in:0.06256745572774812	be:0.05983040214564902	are:0.049285097828561934	:0.01
to:0.2291599023600459	I:0.13871946602755938	would:0.1330455404601739	they:0.11537319596311135	we:0.10498230354658346	who:0.08173080463455146	will:0.07730390766292998	you:0.05776733890846799	and:0.0519175404365766	:0.01
and:0.19396328468818805	he:0.13365383260949587	be:0.11806085430041525	have:0.10614162871845492	had:0.10296288022868405	re-:0.10205391325344308	was:0.09560052359529136	has:0.07351152497054814	He:0.06405155763547932	:0.01
to:0.23090650016367734	or:0.2213485533999857	and:0.15817835130364993	not:0.08565977709869413	of:0.07757705371130531	there:0.05662018253673487	the:0.0564554375395424	nor:0.05269989987556751	that:0.050554244370842806	:0.01
of:0.7704670414623825	in:0.08410069789098448	and:0.023562903674285856	In:0.021562097605687554	for:0.020948368070855185	to:0.020402411088782994	on:0.01844847103196917	by:0.01572211702242854	from:0.01478589215262373	:0.01
the:0.37720785757464537	a:0.13352058254078977	same:0.10396549509983745	this:0.08585507385488907	any:0.07569160803987775	some:0.07443381334643433	that:0.06809169460489287	in:0.03851400191420548	first:0.03271987302442787	:0.01
the:0.6441949354831031	a:0.13314543296683976	The:0.07019736486477647	his:0.04347877121592439	tho:0.03205045406619371	and:0.022957530293930557	their:0.017564704392708463	its:0.014844471825225223	tbe:0.0115663348912984	:0.01
an:0.5350895995198338	the:0.33259141945902676	and:0.03219023834702909	The:0.023248960564139626	tho:0.015271596503208324	to:0.01427520322908516	his:0.012978268335188333	their:0.012316018469069344	fair:0.0120386955734195	:0.01
the:0.27822339295388077	of:0.17148416018172988	to:0.16579699066053727	and:0.09961601000483424	be:0.0757146188840659	is:0.055974772635520684	was:0.05344171784257728	in:0.04789553186835625	for:0.04185280496849776	:0.01
it:0.250973334597908	It:0.2176541700899006	he:0.1311540454517954	there:0.12120230720663004	I:0.06941485828457919	There:0.06680822164937165	and:0.04604893483140866	which:0.04354115213238312	He:0.04320297575602343	:0.01
of:0.32647624327627356	deprive:0.14958020731633473	with:0.11603167015733604	to:0.08373334408907589	upon:0.08282820460043942	for:0.07933566352658347	by:0.07107643872081175	make:0.041611497456854	give:0.03932673085629125	:0.01
and:0.2712036552885177	of:0.2188435888598018	for:0.10098045936083726	to:0.09387665395253708	in:0.07091223433498646	do:0.06543447855452027	or:0.06277370140691006	with:0.05956018720819932	the:0.04641504103369007	:0.01
and:0.2275568136184341	of:0.198357135738386	the:0.1750661188511791	to:0.07855314553146203	for:0.06714821591926588	a:0.0663876628110636	that:0.06195441710685245	which:0.06002681078592804	or:0.05494967963742877	:0.01
of:0.24154188555195136	and:0.17304237601845698	by:0.16067827088997907	that:0.13187717922165462	to:0.12562545643049144	with:0.05639936317199463	<s>:0.03923997264814014	which:0.03754629138117386	for:0.024049204686157857	:0.01
have:0.18485434417454974	be:0.17656677006850313	had:0.1702394606110656	has:0.1540325496340527	was:0.10104992764692054	and:0.07140707470773457	been:0.06168405850413478	having:0.03596030390708446	were:0.034205510745954425	:0.01
of:0.43367588416535513	in:0.18198945878128966	to:0.08593692627201452	from:0.07268217448810713	on:0.047132076030598394	and:0.04629463717442626	In:0.04427137854320853	by:0.043379093600198544	at:0.03463837094480181	:0.01
of:0.30276290336098427	in:0.17373070699581358	and:0.13568525275055712	with:0.08434661399621207	all:0.06845724320055331	for:0.06369570354113539	to:0.06297147020028784	from:0.05046437720855154	on:0.04788572874590481	:0.01
able:0.14511234966528908	and:0.13172820859723178	is:0.1247686614230459	have:0.11730326646781511	him:0.11082659939939717	had:0.0955401572626202	right:0.09040877079752839	enough:0.08874364021609925	willing:0.08556834617097307	:0.01
a:0.34598725464759816	the:0.32835017784554044	of:0.09846787096716494	with:0.0548625526729733	this:0.041521199089276914	and:0.03507760480954689	in:0.032406961593652236	A:0.02759301902458879	so:0.02573335934965828	:0.01
and:0.3178995508161559	of:0.16358606292870745	to:0.13691460109544495	the:0.08644963190126365	for:0.07099377802019305	in:0.06222996015954023	be:0.05394763601971608	is:0.05104014644654924	that:0.04693863261242955	:0.01
and:0.36589722240622385	that:0.11879104527843783	was:0.0808321569096629	them:0.0758169660651014	made:0.07343615971296241	as:0.07226863543357233	it:0.06934005464314696	up:0.06798728477283876	or:0.06563047477805344	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
Provided,:0.24644062284530985	provided,:0.13147875694719013	probable,:0.124164628559132	;:0.10165909247333556	is,:0.09395304785497587	not,:0.08126377474949688	and:0.07681205152383601	vided,:0.07617883209823591	are,:0.058049192948487705	:0.01
would:0.22980511667265655	to:0.17299540970927665	who:0.12482764014450815	they:0.1035530767531353	I:0.09251266344910343	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.055635813079984546	:0.01
to:0.3450145402883448	for:0.15055317088344503	of:0.14692073252046967	with:0.09077090886718044	upon:0.06781586361479995	about:0.05433488245062121	told:0.04623333154274716	and:0.046201474828783	in:0.04215509500360876	:0.01
can:0.18098901248605528	to:0.16596950461582366	cannot:0.15808000669320924	not:0.14213350860808077	will:0.07634708129153069	could:0.07414555074282375	may:0.07089403193888263	would:0.06706704231569628	well:0.05437426130789768	:0.01
the:0.44659049076610746	The:0.12404601092590727	of:0.09374944352364632	and:0.0839490507861838	our:0.06558140274255206	their:0.05894593646069792	whose:0.04095331905140395	or:0.039463535255455116	these:0.0367208104880461	:0.01
the:0.5883396130897794	a:0.07503032728594342	his:0.07198244691007162	of:0.06540436634609044	no:0.04337883192676094	all:0.04068284365031736	their:0.03884940461324831	and:0.03613749321613871	was:0.030194672961649772	:0.01
to:0.19422964350110636	of:0.153463162362621	in:0.1498624172605325	with:0.11532042492079263	is:0.10068276498994976	was:0.08936257099748342	and:0.08077115614549236	for:0.05444008091069593	as:0.05186777891132598	:0.01
and:0.23183133418765586	the:0.13842903994752387	a:0.13744558683808816	to:0.12266981619559358	was:0.10811592603170028	of:0.08400626301946437	is:0.0671585756349982	be:0.06124511336723199	will:0.03909834477774367	:0.01
and:0.4162827671405096	was:0.12024829337141718	but:0.09736328321631767	that:0.08175425546610225	is:0.07069528269203695	be:0.05669742233657562	or:0.05192989983919824	for:0.04771454213559816	it:0.04731425380224426	:0.01
and:0.21642584433739415	the:0.188857679008017	to:0.18295619766489257	of:0.17590457566188464	or:0.0598191581918418	Mr.:0.04713004865049867	in:0.0437372215412144	at:0.037874282386880835	for:0.03729499255737595	:0.01
to:0.6194380468106148	the:0.07238411457568587	will:0.07192472989289117	and:0.053668957018073435	not:0.050838692867740495	would:0.04929800511207573	a:0.025936858475754904	who:0.025233650487327845	in:0.021276944759835863	:0.01
;:0.20001527898824836	it,:0.14877559242951097	in:0.12835553907260505	them,:0.12593272057487867	it:0.10305320470409958	and:0.07956995347202288	him,:0.07299083279436135	country,:0.06910355977411442	him:0.06220331819015869	:0.01
and:0.15530937392777586	was:0.15137634111133316	be:0.1487442486421533	the:0.1279647475229059	of:0.08903807697582503	were:0.0818399995614259	for:0.08099005293109082	is:0.07883259730964697	are:0.07590456201784317	:0.01
is:0.21195456106380806	was:0.18594806840711084	and:0.12458818270878293	are:0.10792044490391378	be:0.10144608060811114	not:0.09733829024010968	been:0.08094473760390436	were:0.04303418097637434	or:0.03682545348788488	:0.01
of:0.19381311708231033	in:0.13240262203516157	was:0.12077952196646936	is:0.11894943926782861	with:0.11269108025424517	to:0.09070902869366251	and:0.08833499517502995	for:0.07458665233341359	as:0.05773354319187894	:0.01
the:0.7112809646207012	a:0.06224123930305567	tho:0.04654865014661705	The:0.04054136951780921	of:0.03287029346012305	this:0.031118357627258723	and:0.030991338681147347	whole:0.017217941631221454	tbe:0.01718984501206631	:0.01
they:0.2595653296807585	we:0.1521400782738606	who:0.12500425308399937	which:0.11989538953713953	They:0.08060046956785757	and:0.0776533057073991	that:0.06314875875840069	We:0.06286480250372295	you:0.04912761288686163	:0.01
a:0.43986142181815896	and:0.09949409326576679	the:0.08341991100097333	as:0.08145051347669885	is:0.07045150935387658	be:0.0688706770740935	was:0.06763473168803592	very:0.04070898719340259	A:0.038108155128993515	:0.01
the:0.4463849584975542	their:0.28254640983532703	his:0.11306450890872315	our:0.038063557156004645	her:0.025395369660383475	its:0.023267032797950837	my:0.022617502014132932	your:0.02111211954597108	and:0.01754854158395274	:0.01
and:0.15102446943273357	are:0.14854899004163236	was:0.12412994394505582	of:0.12399017547321088	in:0.10709134682524878	is:0.10343911594973665	by:0.08361657999282232	not:0.082471368959914	were:0.06568800937964554	:0.01
to:0.20527369532103776	and:0.14880207268286827	thrown:0.1423574989352598	as:0.1064497675960136	the:0.08842552599357814	be:0.07859477347501508	is:0.07800568349858024	not:0.07404538955020999	an:0.06804559294743714	:0.01
one:0.2501549507978757	many:0.1757390329727802	some:0.17337378259433658	most:0.07828004008705718	all:0.07823258544774273	Many:0.06550115768656498	Some:0.06179705054453487	none:0.058771085161482946	any:0.04815031470762493	:0.01
as:0.32534795360424856	is:0.25718267498295616	was:0.07651146423974801	are:0.07638520780675219	so:0.07623780218664908	be:0.05902347664986762	very:0.04459914832068952	not:0.03751516159636231	Is:0.03719711061272671	:0.01
is:0.27895089347394464	was:0.1828479818298837	are:0.13445381363945924	ought:0.12584359622938077	and:0.06513450641913238	were:0.05719786316946085	do:0.053382213845106594	it:0.04754020861463743	Is:0.04464892277899437	:0.01
the:0.6261244812284219	The:0.12712941704000233	an:0.09870552677078395	tho:0.03331558561014029	his:0.03297333868908418	and:0.02444796336718147	this:0.01927743059608986	our:0.01426675219270871	my:0.013759504505587388	:0.01
to:0.30102863785986816	and:0.20724594162951251	of:0.11561430117577177	the:0.08949931874126583	in:0.06780950692820926	is:0.05678672479774325	I:0.05395775487226535	for:0.04939417435915029	not:0.048663639636213486	:0.01
hundred:0.6389868143918725	six:0.08088672398022753	one:0.06116866387430243	seven:0.04018900659987839	dred:0.038886899065741644	eight:0.038335755955455554	two:0.03305614024225165	four:0.031662822252967175	three:0.026827173637303057	:0.01
the:0.29348734035947927	and:0.21800905869438575	of:0.15798693257990812	The:0.07098336672023307	that:0.06016316734182636	these:0.05256309489874121	These:0.04957857554119429	in:0.047710532982857816	such:0.039517930881374175	:0.01
more:0.3872045432007985	less:0.1274678320325706	better:0.12158741757974659	rather:0.121420937489238	other:0.08832922506272661	worse:0.04437335553269276	greater:0.03996358276254126	and:0.03015629192197644	larger:0.029496814417709353	:0.01
the:0.384474127601055	a:0.3347151515652912	his:0.09796736014343982	The:0.042598925216608456	my:0.0335442716858072	other:0.02564354258473353	any:0.024346761200172904	tho:0.023565946916658507	and:0.023143913086233304	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
it:0.2292391064038637	It:0.21696561702150258	This:0.15216872378118323	which:0.09371134308053368	that:0.0823699607317968	this:0.07426658989754333	and:0.053275560998039914	there:0.048407602090468675	he:0.03959549599506813	:0.01
the:0.46292400564847713	of:0.1408888935902379	and:0.09662029428034556	a:0.08706327361212383	his:0.043236958026979404	to:0.04306757256142888	this:0.04135601908202062	in:0.04089234333616177	said:0.03395063986222496	:0.01
him.:0.31692484018989875	it.:0.1394991139238113	<s>:0.1250696913852333	man.:0.0782792263899811	them.:0.07537644556736484	himself.:0.06726313432168332	time.:0.06509369886937051	years.:0.061925090795403176	her.:0.06056875855725369	:0.01
able:0.14958117835872448	and:0.13040836033028883	sufficient:0.11994031207783663	necessary:0.11688007835974755	enough:0.1045505884320622	willing:0.09522206599104219	as:0.09235881522695012	order:0.09070201900010363	have:0.09035658222324433	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
be:0.2571645315874598	are:0.14924447153706805	been:0.1378768362758317	is:0.11838536690518435	was:0.10435595743715866	and:0.07431285818282263	were:0.06712033533255245	all:0.042888580294942684	of:0.0386510624469797	:0.01
of:0.30493196567265496	in:0.1607404700320962	to:0.15651357991303957	with:0.07592812289576902	and:0.07237570133419094	for:0.06708036666267708	on:0.054948050334347166	from:0.050042813248900656	by:0.04743892990632431	:0.01
of:0.21273320864402664	in:0.21166732525992338	to:0.13842336259586488	and:0.1276486456637503	the:0.0722694611383091	for:0.0686287327494052	In:0.06440110323789765	with:0.048027266763426384	or:0.046200893947396474	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.3294047220715406	sell:0.13117314771691085	sold:0.11389993313276538	that:0.09923629982502086	held:0.06660724859773821	was:0.06614582821402237	sale:0.0635457169078945	the:0.06142115258416391	out:0.05856595094994333	:0.01
I:0.4208523058892846	to:0.11833748804942416	we:0.10093117896127532	not:0.09600938038249417	you:0.07443592845010684	We:0.04810254140413765	they:0.04481914819529914	and:0.04457015953235623	would:0.041941869135621875	:0.01
be:0.1492674548338055	de-:0.14635272172283215	I:0.144668652770975	was:0.13815516418869722	and:0.11161447717183819	who:0.08567764239321123	have:0.07876177208883686	he:0.07792125474175589	had:0.05758086008804792	:0.01
of:0.36226013485795494	that:0.11220426843255647	and:0.11046656645039243	to:0.10016033931618205	in:0.07679062975241427	for:0.0698724422054618	by:0.06859827749999092	with:0.055422573453300046	at:0.0342247680317471	:0.01
the:0.24532168858997558	and:0.16201373497773278	of:0.1480249964756765	to:0.09143878973251968	a:0.09134777440121443	is:0.07327943306749635	was:0.06763514483225813	be:0.06123111571734052	are:0.049707322205786164	:0.01
of:0.34008421507601916	to:0.14245170551518715	in:0.09821383389610319	with:0.08562937222312633	and:0.08356845559392521	by:0.07420884523753815	for:0.0724034955357133	at:0.047279505657183134	on:0.04616057126520448	:0.01
have:0.16937240790068525	had:0.15238298488133425	has:0.1498722999789704	was:0.12379529102399679	and:0.10098620054057116	been:0.09795510293512803	be:0.08500000407867403	not:0.05792646901194775	or:0.05270923964869238	:0.01
the:0.7421208747197329	The:0.08731140054733215	tho:0.047343719242868905	and:0.029332267622238565	tbe:0.0200992589236571	of:0.01998143295896958	his:0.017703164535152957	in:0.013862226003862761	I:0.01224565544618504	:0.01
the:0.25902991300484424	and:0.19229253322926146	of:0.15200133789812978	a:0.11409576332505228	to:0.0907524324597557	in:0.05682246385942079	Mr.:0.0501021595777551	I:0.03870996291441568	or:0.03619343373136493	:0.01
and:0.247907146411235	a:0.2243451211530669	that:0.18502506708728908	the:0.07769141856089239	for:0.05969860726509257	worth:0.05347961006883459	which,:0.05047186681939452	but:0.04885645226548191	and,:0.04252471036871283	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.2744444130928031	be:0.12345591986975628	was:0.11370676435240681	is:0.08387600113083488	been:0.08283879200040299	put:0.08214892651684683	feet:0.07773528657796573	are:0.07655147956221409	engaged:0.07524241689676936	:0.01
the:0.15315417542670548	of:0.1474619205254358	and:0.1434895081163942	be:0.1380101494701949	to:0.11257930602342806	was:0.10680730325663455	is:0.07750856055039425	or:0.0558112570911162	are:0.05517781953969663	:0.01
the:0.2357040423047656	and:0.2116693938542404	of:0.18855223785339154	to:0.11273607281375625	a:0.07464987090796713	in:0.07091596806632809	for:0.04336301227595873	is:0.02647726548799999	Mr.:0.02593213643559206	:0.01
made:0.24045435542744667	and:0.23464210073409186	or:0.1200765638048787	it:0.07362996342121234	paid:0.06765443619763342	accompanied:0.0676382050027566	that:0.06328132990515498	ed:0.062213755465309065	done:0.060409290041516336	:0.01
a:0.7038653707072384	of:0.05159583750373923	in:0.051594549175363685	the:0.039674486430471965	A:0.037368910648847085	very:0.03512685980877533	some:0.032428677457634884	no:0.019324252711664432	and:0.01902105555626513	:0.01
have:0.2564643451164013	had:0.20503723815050193	has:0.19901048861202172	and:0.09948435867721134	he:0.05599936186248046	was:0.054575568583014	to:0.047181360653532685	is:0.03762187696364684	been:0.03462540138118967	:0.01
that:0.23133529299716066	and:0.1455467768570496	as:0.13855843602922888	which:0.12962450073616846	when:0.12158027153775615	what:0.07139832008184537	to:0.05303969309400853	but:0.05215324775526151	if:0.04676346091152075	:0.01
with-:0.32947356609523276	sent:0.12249209755219008	went:0.11138474984797313	carry:0.09257129873312459	go:0.08597935103613076	and:0.07544523771438562	brought:0.06123258234126134	it:0.05974849918813548	carried:0.051672617491566146	:0.01
the:0.5640648124426096	a:0.13185406712291045	said:0.06809080004971169	of:0.06000867203558315	this:0.04321210747080295	The:0.03726453529965075	national:0.028686223157238414	state:0.028683324658206222	tho:0.028135457763286673	:0.01
and:0.22664861652671292	as:0.1934422667972694	referred:0.1207436898698292	according:0.08073166665105852	him:0.07930815903864512	them:0.07519512347493011	regard:0.07386185075655892	up:0.0725130281666349	back:0.06755559871836103	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
as:0.3193870440018066	of:0.1274155696417627	to:0.12425073508623133	and:0.10219002223470812	so:0.08766325524152806	such:0.07203918087376686	in:0.06852451201064277	not:0.05363444458844262	by:0.03489523632111097	:0.01
of:0.22871137441962766	in:0.20116997686987206	on:0.1970654909515564	the:0.11927585330170389	to:0.05997824932177168	and:0.05563761399860393	In:0.055082089661524405	at:0.05204744622290157	from:0.02103190525243851	:0.01
and:0.32434810589817087	was:0.11832549081564547	held:0.10061653345026712	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139066	arrived:0.07348439933321943	that:0.0714853472708103	interest:0.06758836938612982	:0.01
in:0.36797370135840796	of:0.24684038641517164	the:0.12614981250136761	In:0.07374787436192652	their:0.04781001779692664	to:0.03487714275252987	his:0.03322971962123464	and:0.03146299115030143	its:0.027908354042133772	:0.01
was:0.2019360343041661	be:0.1950082635773047	been:0.153137432860304	have:0.10520633734007284	were:0.08690370962202162	and:0.07408833708934001	has:0.06064158246132065	are:0.05884818018824541	had:0.0542301225572246	:0.01
is:0.249388183398844	and:0.17470086472406934	was:0.12300638101664428	are:0.11237245590725609	be:0.09685869862858827	not:0.08430211360329395	have:0.05625680344140522	but:0.05121592218602621	were:0.041898577093872603	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
the:0.6439944484813407	of:0.08487287765202342	a:0.05475492494007887	tho:0.0435719563538492	this:0.037820469564751893	their:0.035499399287083205	The:0.03340049691868224	and:0.028695391433148056	our:0.02739003536904235	:0.01
it:0.29661847309004447	he:0.20627930897279043	It:0.1712772104924651	and:0.08343957979389993	who:0.05460018820514974	He:0.05423108874939179	that:0.04784992185095355	she:0.03864014143725655	which:0.03706408740804831	:0.01
and:0.3210441358767376	held:0.11913627744537648	Beginning:0.09356489044308801	arrived:0.08791619246759277	was:0.0870651844552015	made:0.08250334337502356	look:0.07066734238521885	is:0.06479898094200456	up:0.06330365260975668	:0.01
Mrs.:0.2626248691184198	of:0.21463577314294935	and:0.1700582359691535	Mr.:0.1291759122070845	to:0.07019888883577809	by:0.04858508762272752	<s>:0.037232561390046506	Dr.:0.03402689517132181	said:0.023461776542518742	:0.01
the:0.4488908441655084	of:0.1378143116145162	a:0.1275532547448513	and:0.07380706786468029	in:0.05901549127962672	to:0.04445461870596513	The:0.037908583893187346	tho:0.03250442892711475	an:0.02805139880454978	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558527	for:0.09174081455919122	a:0.06366595919272895	to:0.061841865908333744	In:0.05733705309984939	was:0.03321233541124056	:0.01
part:0.21361158070694775	one:0.17380084287165434	out:0.1373975162565351	side:0.09101456173050995	that:0.08719614736605438	some:0.08124242756234751	end:0.07179676690489906	members:0.07134260443302046	portion:0.06259755216803148	:0.01
the:0.677758424695925	The:0.06915165470174503	and:0.04842016432690057	assessed:0.045516747625198126	par:0.04420237735750635	tho:0.032961749051453666	in:0.02540120118173747	of:0.023414569170016337	a:0.023173111889517532	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.4259339050426438	this:0.1820643919178795	and:0.10875265204531975	to:0.0678258352059486	a:0.05436279429422576	that:0.04794057606991555	The:0.039413535907890006	will:0.0323932745450831	of:0.03131303497109397	:0.01
of:0.403165313104898	to:0.12736372892410702	in:0.10154153487178227	on:0.0712528521888804	and:0.0703598536060374	by:0.0683588507079546	that:0.06685322347755784	from:0.05109680215086357	with:0.030007840967918965	:0.01
and:0.2953876189038615	was:0.16428490131166157	is:0.1170663883818668	up:0.07776716508545514	it:0.07559106251500251	made:0.0665568090126541	put:0.06578409847025994	placed:0.06489134807601946	that:0.0626706082432191	:0.01
of:0.3124951714525789	in:0.13003655724697222	to:0.12344850859765635	that:0.11209186957322427	and:0.09754412661615616	by:0.07061621767256791	from:0.052553843162545834	with:0.04756546238764162	for:0.04364824329065681	:0.01
of:0.3989036664639626	on:0.13843942064466522	to:0.1248882469342737	in:0.09317210224440976	from:0.06773716470692583	by:0.06296905924729021	and:0.04042338979755727	at:0.032210157132134785	that:0.031256792828780675	:0.01
not:0.48672713880827767	is:0.14194347155789808	was:0.11531716010435229	and:0.05778390870455028	are:0.05691081277955486	the:0.03849975395931737	be:0.03504871590196745	were:0.03328554598104264	had:0.024483492203039213	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
I:0.2731076843793878	we:0.1593311358276296	he:0.15648002229428754	they:0.10057778365832153	you:0.09529397351832634	it:0.07899457658743933	We:0.04629343800466312	she:0.04371167388567432	and:0.03620971184427032	:0.01
was:0.17584493089030287	as:0.16443101964905726	has:0.13234520231417712	is:0.12644395331522404	have:0.10123395717999978	be:0.09370249981688841	and:0.07731566920750205	had:0.06448463978186816	been:0.054198127844980355	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
a:0.5347695878634164	the:0.14439402095615028	of:0.1118142165060303	very:0.046038573133182374	and:0.04010013624384312	in:0.038127891774981285	A:0.03311745653708694	with:0.02249093201157338	some:0.01914718497373582	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
It:0.24612309943433333	which:0.15624772724583405	it:0.1389235490078086	There:0.11864799852327103	he:0.08736842706875796	He:0.08146436082796094	there:0.05554555692574891	that:0.05417947326622932	and:0.051499807700055925	:0.01
the:0.486256017920014	this:0.12699226624334792	his:0.10475030701433913	any:0.06094828343074871	a:0.0538507794449179	that:0.049775567303109274	her:0.039561371571433385	their:0.03524167297283129	some:0.0326237340992585	:0.01
the:0.3273937360618406	of:0.17154315531338243	and:0.11457586309098997	that:0.08825401814028669	a:0.06769471082179541	or:0.0676601352380678	Mr.:0.05450162227189653	in:0.05136141633743256	The:0.04701534272430806	:0.01
a:0.5729986426676754	to:0.1522611765199855	his:0.07420467543922267	the:0.062420031441195026	will:0.03626251476986206	not:0.026905766712651137	no:0.022724680623935345	their:0.02187359582667176	would:0.020348915998801117	:0.01
of:0.35796474690506286	in:0.18242506847414064	to:0.11509581180698815	with:0.07482727780129385	a:0.06374045167626073	and:0.05340914456130074	by:0.04868100332507169	In:0.04720463511630781	from:0.04665186033357345	:0.01
the:0.3248011041242151	his:0.1659546133328772	deaf:0.10684513007931866	a:0.09760199291013953	an:0.07234003559304786	their:0.06926407178482155	and:0.05537373642984673	any:0.052839340787233804	no:0.044979974958499744	:0.01
of:0.23897896941438565	in:0.1473687800709734	or:0.1241006045417599	to:0.12245093798757783	for:0.0926312730069561	by:0.08465844924066224	with:0.06310156749724584	than:0.06038160389902459	without:0.056327814341414525	:0.01
of:0.18242760989038811	his:0.1655089557892093	to:0.13246705234292103	their:0.10864221375430747	and:0.0938697481800076	the:0.08827065202011274	on:0.07915151995661937	for:0.07166782863381425	in:0.06799441943262013	:0.01
and:0.28597110709384166	was:0.15209778801823107	is:0.11318621211829073	that:0.09899005776040866	be:0.08751947588476208	it:0.07540492705405653	made:0.061245281477476335	are:0.059109215274831414	been:0.05647593531810168	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
for:0.2414062679370533	during:0.19231343715245586	of:0.14465502715335166	at:0.11400731514317924	in:0.10699592583044878	to:0.09416183970439253	that:0.034718719883976616	In:0.0316049385783951	by:0.03013652861674699	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
one:0.26177410899864684	out:0.15556960502827208	part:0.1300889311722691	some:0.11334280627319535	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229724	and:0.0565737601528326	that:0.055371084160479686	:0.01
the:0.22172023892309115	of:0.1544891538036754	and:0.1135846508689145	a:0.09386538603318526	an:0.08847174821825282	-:0.08766195108438138	i:0.08336830757296743	.:0.07459740798853859	to:0.0722411555069935	:0.01
and:0.2953876189038615	was:0.16428490131166157	is:0.1170663883818668	up:0.07776716508545514	it:0.07559106251500251	made:0.0665568090126541	put:0.06578409847025994	placed:0.06489134807601946	that:0.0626706082432191	:0.01
a:0.7111798593475791	the:0.10704412807900003	to:0.05153678972521329	his:0.03464118747937616	no:0.02038953042496328	and:0.018158880252680008	A:0.016617045006806986	in:0.016160795333255748	or:0.014271784351125399	:0.01
the:0.24299096642388374	of:0.17944178124292026	a:0.14711227117666437	and:0.0973916978147186	to:0.09535608284625502	at:0.07619903937954134	in:0.06526911809219721	that:0.04377847233925868	an:0.042460570684560696	:0.01
time:0.13064218374537684	up:0.12573595628147205	him:0.11330701295672524	him,:0.11054501382843579	it,:0.10942532644676572	;:0.10553097932343962	day:0.10256164346852442	years,:0.09614516788333727	night:0.09610671606592308	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.28272708891957427	half:0.18088430977260264	for:0.1351171012514247	in:0.11172813880162866	and:0.06630852434043231	about:0.06320155018041856	as:0.05796581370807036	to:0.046802267138643	cents:0.045265205887205354	:0.01
of:0.25984067209560074	and:0.17442274625049692	in:0.14929081280303838	to:0.11915842599096312	with:0.09850658388411322	for:0.08129115424453193	that:0.041216673250161755	from:0.033549611433839624	by:0.032723320047254166	:0.01
the:0.39253980715584635	of:0.16504323883934688	a:0.10764249000073334	and:0.1042805234784817	in:0.0745719575378781	an:0.0467115076987836	to:0.04012872818785866	on:0.03075852117026464	with:0.028323225930806738	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
the:0.7035234799171926	The:0.05968973679738253	Assistant:0.05416326427501457	and:0.04469511145105874	tho:0.038463477427280984	by:0.034812492842386245	of:0.02510565062931404	tbe:0.018068946487600903	in:0.011477840172769297	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.11808702737128361	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
and:0.24480150934910483	of:0.19831800793855617	the:0.15503471541294492	to:0.12421354508199411	a:0.08795833645796104	for:0.04918084978502393	more:0.04701501648138087	with:0.04234441851998724	that:0.04113360097304692	:0.01
was:0.4220177887678498	be:0.16859316572816344	been:0.1313840160627158	were:0.08824820612122063	is:0.05621083759671001	and:0.04481779580452215	being:0.03351897141749622	are:0.03214879573561431	bo:0.013060422765707536	:0.01
of:0.47092472345283126	to:0.10710907481470838	on:0.10443302613520368	in:0.10076163009324696	and:0.05004898068857059	by:0.04623607448315895	that:0.043989736091607924	from:0.034082051242215736	for:0.03241470299845666	:0.01
.:0.15438664456730353	-:0.153629434932728	the:0.11933625733393634	and:0.11296240035600534	a:0.10895012607202666	of:0.09520941932943469	re-:0.0950070993387054	to:0.08672690330200529	<s>:0.06379171476785474	:0.01
and:0.2689151139273388	of:0.18130938382326992	the:0.1760208226090948	to:0.11104422014641269	a:0.05883687834777983	or:0.053745902650536664	in:0.049192642891779444	be:0.04839534901778332	for:0.04253968658600446	:0.01
of:0.42426424628800913	in:0.19273237060249468	to:0.0686320184328053	for:0.061366870896769815	that:0.05977452530490364	In:0.0562826365046928	from:0.050008618190843575	and:0.039458319750946325	with:0.0374803940285348	:0.01
is:0.2793826715714985	was:0.20846905625620596	be:0.15742764172954304	and:0.08529372763793436	are:0.08031508694685717	Is:0.05014266602809595	been:0.048279809114525875	he:0.04336903294871826	were:0.037320307766620896	:0.01
of:0.26795372999975214	in:0.249686565038013	the:0.14208793242754614	to:0.0715502629996642	and:0.06708137909135513	In:0.05935380127552138	for:0.05203124166072336	a:0.05174115049071752	with:0.028513937016707156	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.32067441216919823	of:0.1950969873863238	and:0.16380040676288102	to:0.07702811663089545	in:0.07297891074665763	at:0.051240410711176985	a:0.040610518771225464	for:0.035677038228000835	or:0.03289319859364054	:0.01
the:0.34020716971866993	a:0.21659343434055298	of:0.19234187807408276	in:0.09426131815212656	and:0.043402889006874196	at:0.030827003881100507	for:0.027131864199648775	The:0.023216250106938695	to:0.022018192520005597	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
and:0.26276554424049875	well:0.17165735638285678	regarded:0.10215108442096366	him:0.08688236618817878	known:0.08594969760882573	soon:0.07468266047506815	it:0.07254659441566477	is:0.06743217334715047	but:0.06593252292079285	:0.01
it,:0.14655437048479533	;:0.14651261782270228	in:0.1279986539089979	him:0.11899667414945188	him,:0.10719169468918927	it:0.09551640005551054	me:0.08715278686365513	me,:0.08200452814831055	them,:0.07807227387738713	:0.01
it:0.2292391064038637	It:0.21696561702150258	This:0.15216872378118323	which:0.09371134308053368	that:0.0823699607317968	this:0.07426658989754333	and:0.053275560998039914	there:0.048407602090468675	he:0.03959549599506813	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.5662368498647242	a:0.15347911344443924	of:0.07752140131172598	this:0.04607836581959223	other:0.04367240885156655	The:0.033874888117090836	tho:0.03140081044328854	his:0.020274511131963626	new:0.01746165101560884	:0.01
the:0.29854557202464377	and:0.1745190950987386	of:0.15775938223967384	that:0.12083926351875786	in:0.06834174670401257	The:0.04624847050183587	which:0.04414875418318484	a:0.04010688611046935	Mr.:0.039490829618683276	:0.01
the:0.6547322374994278	of:0.11103145010647857	our:0.055658695456357654	tho:0.03434571568996225	on:0.031064361998574878	this:0.028914827997501173	national:0.028338329332416295	their:0.025458028084723836	general:0.02045635383455743	:0.01
of:0.20565190925800658	the:0.16607463495312735	in:0.1505340311988318	to:0.1312465868161679	and:0.12728372839497432	a:0.08360530564891519	for:0.04430295164405376	from:0.041690549361750866	In:0.03961030272417226	:0.01
of:0.409878823115261	to:0.11427802605963412	in:0.10276287703077737	that:0.08587226574314684	and:0.07620517836169619	for:0.06729836345788287	by:0.04808032017624277	on:0.04721984987769163	from:0.03840429617766718	:0.01
and:0.4082358659059083	as:0.20173746211133045	that:0.17582805740589308	but:0.052442417101731906	or:0.05014592785820659	But:0.027024808179309193	even:0.025456712498217487	which,:0.024580779794228316	And:0.024547969145174632	:0.01
of:0.2877037075671917	to:0.2817897786386796	in:0.09386194809018836	by:0.08604650998185538	from:0.06750920683895262	and:0.06658523455174177	with:0.038563847188142604	at:0.035013771951235104	In:0.032925995192012995	:0.01
<s>:0.23358845970132816	them.:0.1890350958732	it.:0.17249664239830642	him.:0.10926581495440559	day.:0.06054686408716302	time.:0.0576534655097202	said::0.05683697691318886	us.:0.055886872250991246	life.:0.05468980831169658	:0.01
is:0.18159869945298393	and:0.17179531053919378	able:0.10655438802395226	not:0.09979355570018283	enough:0.09754236129868772	was:0.09443533816025794	necessary:0.08193237885771505	as:0.08002224408975005	began:0.07632572387727644	:0.01
and:0.2850776780408516	the:0.19073040138173195	to:0.12693588429601232	will:0.08429340490171171	a:0.07268652572677899	I:0.0613709024541948	of:0.05933450778658342	that:0.056167770840137646	would:0.05340292457199745	:0.01
they:0.27137468563202044	who:0.14360646706026395	we:0.1367652737312479	which:0.09851775476155003	They:0.08084987608252571	and:0.07611851499662178	you:0.07104204677341487	We:0.057582914325766586	that:0.05414246663658872	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
the:0.5337895079109269	and:0.10479129547898335	a:0.09414582408897566	The:0.056522237983250546	in:0.048561637204278404	tho:0.04049642010764207	an:0.038684957085733516	or:0.037641853988325626	all:0.03536626615188383	:0.01
the:0.47464404067718863	of:0.26085009746620874	in:0.10140855640289274	his:0.04051093359674551	In:0.02707361456816248	a:0.02667052008545386	this:0.022450227841428548	The:0.022318231487011488	that:0.014073777874907932	:0.01
was:0.22863867899744209	is:0.1783166999820735	are:0.14620573767902223	been:0.12729010522512405	be:0.11560819912602942	not:0.05814703898748437	were:0.056361662420133365	and:0.0437935005847608	have:0.03563837699793003	:0.01
and:0.21828020561444825	to:0.14810812633782972	the:0.12071102988751307	be:0.10684057769511977	was:0.10284699336272367	of:0.09856651257560425	is:0.08491814584169231	a:0.0635322734548411	are:0.04619613523022795	:0.01
the:0.7900575393048063	of:0.07940465941530707	tho:0.023504694097257244	this:0.021949161700440853	to:0.019727131754586576	their:0.017096013645578393	our:0.014567030389908397	tbe:0.012102915137046656	said:0.011590854555068609	:0.01
the:0.4499840393586303	of:0.10467589123066734	and:0.09270991647492871	a:0.08246352135201987	in:0.07978939990411628	their:0.05757745154860734	his:0.049439403114181255	this:0.03950676260334243	any:0.033853614413506476	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
was:0.2544172327013956	and:0.19955599665715548	is:0.19547002864059693	of:0.07010461317583334	are:0.0627475276870601	in:0.055981691134265626	were:0.05472803904289641	be:0.05228167172485969	not:0.04471319923593673	:0.01
of:0.2924572405128456	to:0.2013309947230306	the:0.14868067537977062	in:0.09578637671013539	and:0.06817206326196833	their:0.06030178495354799	all:0.04713843176336639	his:0.0425937961930589	for:0.03353863650227622	:0.01
be:0.24990017517572466	was:0.19738593341375577	is:0.1429618958592757	been:0.12316902054107133	are:0.08495343071417714	were:0.05545755897592128	and:0.05348852066221892	being:0.041939886018276605	not:0.040743578639578636	:0.01
the:0.3103279440235315	of:0.17413654868527798	and:0.16924373084989433	to:0.09410335785526062	a:0.08334285316950657	in:0.05267958019374887	be:0.03777522488732701	his:0.03486601099791866	or:0.033524749337534535	:0.01
and:0.2710696967606447	known:0.156941522701815	day:0.11100125645455491	it:0.10160713723388111	time:0.09755837941679073	that:0.07129265144458598	was:0.06622679837591049	well:0.05862081223223828	up:0.055681745379578824	:0.01
the:0.6956492008545524	an:0.07331366937681752	The:0.06889258600937896	a:0.0466683693198102	tho:0.03931861318992829	and:0.019505399983322222	large:0.016477752013691328	tbe:0.015626140911448788	great:0.014548268341050389	:0.01
and:0.2672217858895418	of:0.2112789625448935	fact:0.10196081014791072	in:0.07916094588109823	to:0.0784308007180104	on:0.07168556724478214	at:0.06837539212894798	from:0.05600713728423183	said:0.055878598160583506	:0.01
it:0.1703742632983856	and:0.14174261789677803	we:0.1403797338520458	I:0.10362820403401542	he:0.10039541192651863	who:0.09371210623600677	which:0.09066766917666817	they:0.08406250956690223	It:0.06503748401267924	:0.01
the:0.38022690693573014	of:0.2368005893171391	and:0.07278223648295776	for:0.06680633399571745	no:0.05461729482527823	more:0.04996048202845949	lawful:0.04703674772702043	purchase:0.04120679092822409	their:0.0405626177594733	:0.01
a:0.3976293721128944	the:0.31161552077670485	every:0.058067463906174704	this:0.04983898452338399	one:0.04510733257072899	next:0.038107790130259306	per:0.03686452437829919	any:0.027058185324829426	that:0.025710826276725208	:0.01
the:0.3401961899378751	of:0.24015564242654405	and:0.16013376025602907	a:0.07170049273834139	to:0.06296078068773417	or:0.035215486824114024	be:0.03061116219968757	at:0.02486971725883406	in:0.024156767670840604	:0.01
and:0.7407940785526225	by:0.0579740300555906	of:0.04970703625137381	that:0.04641745253114103	to:0.031737023665866025	<s>:0.02080470309927467	sister,:0.0159707692147877	as:0.014387246311649306	from:0.012207660317694227	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.27805686067597973	to:0.22111432623243474	in:0.11937496125832864	of:0.08001804520266366	and:0.07428158183042437	a:0.06766640196720596	their:0.05717105090261416	his:0.047482241165346	its:0.04483453076500287	:0.01
of:0.3630350740586406	the:0.1652591637044575	in:0.14689974290592145	and:0.09288862333737676	to:0.07357308745747566	for:0.0413387368613848	from:0.03766019187032089	In:0.036407138163262964	by:0.03293824164115942	:0.01
the:0.32248525646726783	this:0.2848279540121546	his:0.09088106918864726	that:0.06859700697630082	first:0.059471181186959224	same:0.0479714345584114	taken:0.040654171824742555	on:0.03861619298184641	took:0.036495732803669814	:0.01
the:0.5749300566611418	.:0.09797140648806991	and:0.07375341517721735	Mr.:0.05589455435503869	of:0.04616207875552563	The:0.03830981975734198	in:0.0379522092395776	a:0.03260105964127539	<s>:0.03242539992481172	:0.01
the:0.74758940726442	tho:0.04825115283859905	Missouri:0.03951170062128029	Mississippi:0.03737177324677296	this:0.02529033350494812	Potomac:0.025122076182633072	of:0.02457131655566464	The:0.022096803806786164	tbe:0.020195435978895615	:0.01
to:0.5713396587176943	would:0.10664463213504291	will:0.09197415498835892	and:0.05154602893074632	may:0.05030809285674986	should:0.03683502471823457	must:0.03446010719749397	shall:0.02700216503629678	can:0.019890135419382435	:0.01
a:0.528589415631335	the:0.1725532427601994	so:0.08470015464522204	of:0.04269362318966269	very:0.039102776465665484	and:0.03813375263037399	with:0.029981584875682938	his:0.02727875749629281	not:0.026966692305565552	:0.01
of:0.4600304435958753	in:0.20473900936933384	In:0.06933580610044544	that:0.05288902983856292	with:0.051495200721391736	to:0.05040786890611163	by:0.03646003837515748	and:0.03366583132118291	for:0.030976771771938742	:0.01
that:0.17519527371920024	of:0.15399968063749403	and:0.1381360908575846	as:0.11758637130900122	make:0.11246320939134008	is:0.07640499637967578	have:0.07530631215710928	for:0.07338481310994635	which:0.06752325243864829	:0.01
it:0.2574665335298411	It:0.2520520121102162	and:0.14667181899366266	three:0.0767695366527414	a:0.05946744435916448	with:0.057548928345350046	more:0.05122033147676269	two:0.04612397821274797	that:0.042679416319513594	:0.01
and:0.28081826524842834	recorded:0.11992459715138465	is:0.11459601146648143	that:0.10719611749566711	was:0.10127129399640517	are:0.086604104023806	distributed:0.0680936502147143	but:0.05624580094236254	divided:0.05525015946075051	:0.01
in:0.23176056584564408	the:0.229225976761371	a:0.1928361873172282	In:0.07547192777710239	and:0.06988170885653705	of:0.06537158545466365	to:0.05833196853404441	on:0.037901432790618333	any:0.02921864666279102	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
that:0.29685993753849993	when:0.15715050128609484	as:0.12795173048123437	and:0.10951149090591757	which:0.0984638316299557	if:0.07921282114607718	where:0.04794814267334939	but:0.04396335491412129	what:0.028938189424749742	:0.01
of:0.31084838775391704	and:0.13815892733162294	to:0.1344776080676971	that:0.09374700529029621	for:0.07646731947579559	in:0.07347617594719306	by:0.062385447118821234	with:0.051819490448276724	all:0.048619638566379936	:0.01
-:0.2522757319534289	to:0.15710887059249148	of:0.12345253920146988	ti:0.11113881617372436	tl:0.09175920428620735	.:0.0725089067703767	t:0.0682144618335418	I:0.056900394050879724	w:0.05664107513787971	:0.01
and:0.30345475426789176	fact:0.14405658113194258	so:0.1315237016057161	know:0.08260028208832157	is:0.08095989746473181	said:0.07087056127395946	say:0.06823789382897714	believe:0.06072470125158068	but:0.04757162708687892	:0.01
would:0.16373213366039766	I:0.1627234680084594	who:0.15526351879405156	they:0.13829939585563447	we:0.10261487473663208	to:0.09650160414444704	you:0.06659725641677033	and:0.0556228819081536	which:0.04864486647545376	:0.01
the:0.5929166315892009	and:0.0941271828120204	of:0.08923142221002686	for:0.04266168133123156	The:0.04225219893625453	their:0.03310002998438261	in:0.03256119792140087	other:0.03251880848548636	tho:0.03063084672999578	:0.01
the:0.28798183721523385	and:0.15753278854142005	of:0.1453406848104951	a:0.11459453407493772	to:0.09366775566947533	The:0.0625261785204545	he:0.044508308886668506	be:0.042865151024944	as:0.04098276125637094	:0.01
the:0.32169226969443454	a:0.25308329228472587	and:0.16157406523942267	of:0.0938185627525038	The:0.04573384566092835	an:0.037546046014857386	to:0.029525040363101832	in:0.024364532629874137	that:0.02266234536015155	:0.01
sum:0.31493408044793075	rate:0.17400702794505177	day:0.08790673471107428	amount:0.0856604774755793	number:0.06879770470221991	instead:0.06854397621643124	part:0.063987735638917	period:0.06350550857227624	distance:0.06265675429051952	:0.01
of:0.40310267448122866	in:0.11793184852163249	to:0.1123035634083525	with:0.07660881890752108	that:0.06598781648772241	for:0.06128273110155173	and:0.06071900406796396	by:0.049086066013302114	on:0.04297747701072524	:0.01
the:0.8863726773530108	tho:0.04767429894468294	The:0.02037911013063574	tbe:0.014848854384155502	of:0.010704508851547225	and:0.0029070840653533446	by:0.0026907681676473397	a:0.0026265092802739095	tlie:0.0017961888226931213	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.3504444290396578	will:0.2304633529847178	would:0.15017001798483062	may:0.06048113618382543	should:0.053613581943932904	shall:0.04834312830010496	not:0.039472904970293	must:0.03745622841685202	can:0.019555220175785405	:0.01
the:0.27964689468410564	of:0.2563686976829857	West:0.23893680022046135	and:0.061972526425395184	in:0.06174121919183766	by:0.028256265475299858	from:0.022055249638507867	said:0.021401474727824357	for:0.0196208719535823	:0.01
of:0.43553516001062287	and:0.21062461002871755	by:0.11957439995156405	with:0.05929120257371001	in:0.04915838581707449	for:0.04910082938300587	the:0.024062400138702936	or:0.022091548175189515	as:0.020561463921412684	:0.01
the:0.3509240523275149	a:0.28402301950307646	large:0.1618837607503019	this:0.05881984173795452	great:0.03954090941016881	in:0.02489198543467903	tho:0.02413325406973447	small:0.023704921761750538	every:0.02207825500481928	:0.01
and:0.22111249128563978	that:0.2174331088316845	which:0.1307517633357168	to:0.13026181913579632	when:0.0740264242364343	as:0.07080483563122837	if:0.06263552396202532	said:0.04296828096929839	what:0.04000575261217631	:0.01
out:0.22440349511403931	purpose:0.15661113577272426	means:0.150471405338216	matter:0.0949316807014122	right:0.09036209733894919	one:0.08148220186880953	sort:0.06640756183690587	number:0.06365241702057775	time:0.061678005008365844	:0.01
per:0.33065838744022596	a:0.3075034507375975	the:0.15738586440761415	last:0.05891165739412999	every:0.03880093245921211	one:0.03745429272803362	this:0.02168348352483583	each:0.02021186406450978	next:0.01739006724384105	:0.01
the:0.234408122978364	of:0.1828304793787199	and:0.15070945178286432	in:0.11802874539792416	to:0.07447537350815517	for:0.06971697362682315	a:0.06501836054781819	that:0.04761270286895048	or:0.0471997899103806	:0.01
and:0.2165381807466691	the:0.18724203922351226	of:0.14904754853675403	to:0.11548725602063734	be:0.07888300539379994	was:0.07500647985195938	in:0.06698318540006265	is:0.055634215838476345	are:0.04517808898812875	:0.01
of:0.46154119731010235	in:0.11137165717899584	to:0.09513047033335133	by:0.0634333271214118	and:0.05663147022325325	from:0.05456811050109913	with:0.05190400109284523	at:0.04889680529175253	that:0.04652296094718855	:0.01
to:0.2805042201644879	and:0.12786361473977495	or:0.12096590304787198	know:0.10921157206642874	in:0.09629825600601073	of:0.08520573511441608	that:0.0687653120196395	question:0.05354459834235271	see:0.047640788499017366	:0.01
of:0.1838382547185336	the:0.17398910326181957	to:0.15525049370627406	and:0.11672107791500232	was:0.1034123872197639	be:0.07570604815225464	a:0.06544450239941506	is:0.05918487794894573	for:0.05645325467799111	:0.01
cents:0.4792647427772294	bushels:0.09794502474135018	a:0.08123742788406445	dollars:0.07467522045593539	cent:0.0659571695610887	the:0.05324282560681478	pounds:0.05207629598126501	feet:0.0475578374290808	$10:0.03804345556317125	:0.01
of:0.3652246737007465	in:0.22750881206088724	to:0.15598182665747765	for:0.055790666473105606	or:0.0528262842106371	by:0.037264425055534754	at:0.03219554393672553	In:0.03172744118626675	if:0.03148032671861886	:0.01
to:0.4385135250335698	will:0.1632486613804118	can:0.0745234048776658	would:0.07425658527585953	and:0.047126099027859594	not:0.04490311662987386	must:0.03856020889170582	should:0.037827058818278	could:0.03670956134393319	shall:0.03433177872084261	:0.01
the:0.5147524550492377	a:0.1730868151427119	his:0.09819501249635076	no:0.0570887300080657	their:0.03606467904858163	and:0.03505336133557126	tho:0.027722030127988694	my:0.024282416799627952	her:0.023754499991864447	:0.01
the:0.46780287458227066	and:0.12600683507819926	The:0.09122706886129628	a:0.08677684446646411	by:0.06267888051035743	<s>:0.04529726990196417	in:0.04090394432079952	said:0.03671892523937614	tho:0.03258735703927238	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.3393255573743127	and:0.21178061799709652	of:0.18374035432791083	that:0.05355193750391202	The:0.05262746553326421	a:0.05042822526649288	or:0.03381932134870707	I:0.03348309181440277	in:0.0312434288339012	:0.01
be:0.3125262286790988	was:0.1674491276480626	been:0.12225056648155871	were:0.11428149616158986	are:0.08962461743903055	and:0.058829646934343185	is:0.05402384369387775	being:0.04230657152576341	he:0.028707901436675072	:0.01
of:0.3187643713864802	to:0.2039123850852113	by:0.1484897030661187	and:0.08937556930622113	in:0.08244090402807665	at:0.04837363854293881	from:0.03708491368932264	for:0.03454445709776817	that:0.027014057797862204	:0.01
be:0.2423532426621104	not:0.19816699655760084	was:0.11750324736213573	and:0.098139913805448	I:0.08456133493179455	been:0.07134618064437706	is:0.06339308621076449	are:0.06233541288225441	he:0.05220058494351464	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
in:0.2131866054664273	for:0.18278527504286687	of:0.17465590095326441	within:0.09270317324720147	and:0.08112620763954176	only:0.07401156421911753	In:0.06727676343538887	with:0.05638982722093512	is:0.047864682775256746	:0.01
;:0.2140406523710403	mortgage:0.17515171653900855	Mr.:0.11907178366862219	street:0.09875469644921217	mortgage,:0.09579419019654717	contained,:0.07947761068705063	,:0.07874590570648383	feet:0.06699557099634464	one:0.06196787338569041	:0.01
the:0.3166697174821796	of:0.17198936940398363	and:0.1703929511900278	to:0.09468759621184349	a:0.06394087066527633	or:0.04607117600129529	in:0.04596010506438174	be:0.0405535762073302	for:0.03973463777368206	:0.01
Mr.:0.3707088402799569	Dr.:0.10141784322623172	.:0.09298695590522031	C.:0.08276181098787226	John:0.07999455338443963	Mrs.:0.07703912347449964	J.:0.06371202538268078	H.:0.06080424753327502	M.:0.060574599825823756	:0.01
and:0.35300645440956296	that:0.2031892171245079	as:0.15692861119759352	but:0.06651879692357407	even:0.05975685123398287	And:0.042216136067045835	or:0.03780334824475082	But:0.035631161844753456	see:0.03494942295422833	:0.01
of:0.16171533164899285	and:0.12834322834344805	to:0.11159342813169176	was:0.10960649845261718	in:0.10403090544422154	as:0.10094522988167554	is:0.09776695379763362	at:0.09585973654954104	on:0.08013868775017845	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
the:0.5131603592134009	a:0.11527568679058685	The:0.10070563517200991	protective:0.07086984136888774	of:0.06775415174115337	that:0.04091370054940553	tho:0.02904103129189646	his:0.028096256289590154	new:0.024183337583069047	:0.01
they:0.26004076152708355	who:0.12520266395751167	there:0.11579702370869377	we:0.11373584132620913	which:0.08776419117906968	and:0.08322440250912155	you:0.07598043962573241	There:0.06594329369292243	They:0.062311382473655905	:0.01
of:0.3420422053370365	to:0.1388434664336376	in:0.13786264416522526	and:0.08027954924229379	with:0.07123181302638898	for:0.06369579859368074	on:0.06135083543937238	by:0.04859824571313037	from:0.04609544204923423	:0.01
and:0.2228553872631746	was:0.17286508319738889	is:0.14273502771221838	be:0.09765088978212884	succeeded:0.09724584251917125	are:0.08563394993110225	made:0.059743935097233934	that:0.056459488672603204	were:0.05481039582497856	:0.01
on:0.20918125627299392	his:0.12737312723777505	a:0.12625882510914266	to:0.12041853840198324	the:0.09766052277994446	in:0.09556025346082296	of:0.08601222006831137	other:0.06875055856734806	my:0.058784698101678384	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
feet:0.188207798264054	number:0.13581018877971066	line:0.13405977390680576	out:0.1092588193959918	day:0.10457358973002054	city:0.10338576896567012	one:0.08474822717655585	cost:0.06583415159954255	amount:0.06412168218164876	:0.01
said:0.36725523220800993	the:0.300570197816995	this:0.09136809472810978	a:0.06542056807351146	and:0.061837120626805915	Lake:0.03243818539158043	each:0.02764001771826218	of:0.02397364269412824	any:0.01949694074259698	:0.01
the:0.22197520014450645	of:0.21772373905619058	Mr.:0.13143333341858318	and:0.12863362894912672	in:0.07541098831116166	Mrs.:0.05970398689391329	The:0.05432132802680129	to:0.05231851964556479	Miss:0.04847927555415207	:0.01
be:0.1487539229361705	He:0.1456774989273792	is:0.14420435391229106	and:0.13441473568740875	was:0.13392760463164483	he:0.12999120857265808	also:0.055670980871974175	so:0.05060579567044155	been:0.046753898790031806	:0.01
and:0.22158270743167627	was:0.15199464461561035	nothing:0.11095501212382969	is:0.10855734364607733	of:0.10829193851587912	talk:0.07804623821504886	anything:0.07352763093930294	bring:0.07110415866648015	brought:0.06594032584609527	:0.01
of:0.3096856172746495	in:0.1410048781411113	to:0.13329306485422196	and:0.07821901956930731	that:0.0769624307301442	with:0.07483149595502306	for:0.07321059035763544	by:0.06357423846538593	all:0.0392186646525213	:0.01
of:0.3985080413315299	that:0.1721156530772638	in:0.12321207370402747	to:0.07482790816982869	and:0.06055651828061461	by:0.05849128395395055	In:0.036150217693480424	on:0.03526406217359937	from:0.030874241615705234	:0.01
the:0.2812044052940049	of:0.1800381040595876	to:0.1740636308333416	his:0.09483887052429871	and:0.07006636267118804	in:0.051540903536249384	a:0.04968633933768278	with:0.045666379315855724	their:0.0428950044277913	:0.01
of:0.22354142801815077	the:0.2055028193899123	and:0.2030623833449861	.:0.07441972313208527	Miss:0.06830934619069569	Mrs.:0.06193753751732154	Mr.:0.05526692757326751	to:0.05331434204463232	<s>:0.04464549278894842	:0.01
of:0.36546924240853723	on:0.18804857990730692	in:0.1354692933676715	to:0.08760407836756379	that:0.05887057228299786	by:0.051121529399757094	and:0.045137699458042274	In:0.03150080499049843	from:0.026778199817624852	:0.01
and:0.2147818800961185	he:0.19330813860656126	who:0.13138827513574453	He:0.11840382393038121	have:0.10382543716136199	has:0.0755013623698759	had:0.05716928157214665	be:0.05149728414581346	I:0.04412451698199662	:0.01
It:0.3935832867805609	it:0.30313957484994525	he:0.07231474942823445	which:0.0669361427302353	and:0.041564112037185956	that:0.03380711674913524	This:0.028490296415007513	who:0.02653606368793155	He:0.023628657321763825	:0.01
the:0.2534392603223973	of:0.17100735611663728	on:0.13727359310810222	a:0.13463513246181136	to:0.0853529578047964	and:0.07315426809265119	in:0.06413492827375612	an:0.035620581000984974	or:0.03538192281886312	:0.01
was:0.2957879466319811	be:0.26813158389066727	been:0.1015348400610238	is:0.08598282019804382	were:0.0803464753468286	are:0.04583303221275167	and:0.04333546312300556	being:0.03453955087783862	had:0.03450828765785932	:0.01
be:0.26455512398711195	and:0.17371714310953307	was:0.13780593030608448	is:0.09147678120023692	were:0.0759238483364898	are:0.07490768378835626	been:0.05993485332162293	the:0.0582805700899753	he:0.053398065860589324	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
the:0.669276181320507	The:0.06893984106593676	an:0.058942578879077945	no:0.05767172616164914	tho:0.037722313514558695	any:0.028417109712122555	a:0.027217368294440058	said:0.023201608596170365	and:0.01861127245553736	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.4491749989899173	to:0.1261594361122625	and:0.0875745755637848	in:0.0773888291198984	for:0.060257025684107124	that:0.05202350694046633	with:0.047910877712466986	by:0.04705797070784266	on:0.042452779169253906	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.20487655441416144	and:0.18246493303403308	of:0.11584133028314693	be:0.10372481665333814	the:0.0883494160503195	was:0.08604343124321481	is:0.07279233720822899	for:0.07055170863664639	in:0.0653554724769106	:0.01
the:0.389272800813676	of:0.17210485164621478	and:0.17082175439220343	The:0.11627151869807545	that:0.04169052592452665	his:0.028205704258302672	tho:0.025059907039819838	these:0.023323544818787702	to:0.023249392408393497	:0.01
and:0.29635189305068393	so:0.14127294388052722	fact:0.11934677619133646	said:0.09382506667151261	know:0.09321340215184683	say:0.08466047801883074	is:0.061229379962697866	but:0.05099440426762219	believe:0.04910565580494222	:0.01
the:0.26397004977439464	of:0.15574157203250089	and:0.14850263550729134	a:0.10910328092713903	to:0.08804885207533805	be:0.06921959297159311	was:0.059214951570495646	in:0.051576680980620036	is:0.04462238416062721	:0.01
and:0.2160840011441677	was:0.19307515823599952	is:0.11710328468798123	it:0.10413802935542997	be:0.0821332167577536	that:0.08153929039311944	made:0.07493813651076084	him:0.060976853873786464	up:0.060012029041001134	:0.01
the:0.3816807557499501	of:0.17885201543177986	their:0.09435519923129528	a:0.07696487234189693	his:0.06890389883398437	and:0.06023687976150515	great:0.046181523268744015	no:0.042433386570320974	in:0.04039146881052309	:0.01
and:0.30132020239915897	is:0.11119746070334267	be:0.10342383628277005	served:0.08924283171230943	that:0.08794619158593868	time:0.07790541440461883	was:0.07681424830763602	or:0.07597111826904795	now:0.06617869633517741	:0.01
the:0.8537148219419836	a:0.03646549641959215	The:0.034157274392354796	tho:0.03343211300962899	tbe:0.013223462958107463	and:0.0049773548095505375	final:0.004847810719444482	great:0.0047243038929958205	his:0.004457361856341994	:0.01
the:0.2366695049741145	of:0.171417182725107	to:0.1103642950013706	and:0.10573472350497891	.:0.09473422559031636	Mr.:0.08825249857628616	a:0.0777462500971279	in:0.0620918774307186	at:0.04298944209997995	:0.01
the:0.29169140340864314	a:0.17682271904931793	of:0.15001235717298542	in:0.11178362391156613	on:0.07154200223172039	other:0.05795661884925811	his:0.052653259809369135	and:0.042227099989975245	school:0.03531091557716451	:0.01
of:0.2031739616185215	and:0.13548357950372356	to:0.1169634844370666	is:0.11229325087655455	with:0.10863235700154433	as:0.0912825709703543	was:0.08267520742978153	by:0.0746917706207158	that:0.06480381754173783	:0.01
and:0.20441155362062136	of:0.16327144141342842	as:0.12887591249990382	that:0.0935506823628407	to:0.08961813963778743	with:0.08827920084503958	for:0.08365585488562442	but:0.07491240817982037	make:0.06342480655493389	:0.01
the:0.684374800658647	and:0.09607457325995261	a:0.06566294379963716	The:0.04817734587786815	tho:0.029760582997710814	this:0.019629211545014374	or:0.018249888394030005	any:0.014737698648866353	by:0.01333295481827352	:0.01
to:0.3170029937389608	the:0.22844371918683537	will:0.1168958136925401	would:0.09780256411812871	and:0.05955112327239363	a:0.057860295059639084	may:0.04482893272437918	not:0.03863726897614818	can:0.028977289230974927	:0.01
the:0.4923260238685299	a:0.2694278503914999	of:0.09762209184444574	tho:0.02942349932664076	and:0.029245879564661216	The:0.02654712497700138	said:0.018504150935478466	A:0.015465421516017005	tbe:0.01143795757572563	:0.01
the:0.4284306883178776	and:0.1370432030944743	of:0.13642565239073168	The:0.09125990139267995	that:0.05182360861428081	his:0.048235859775367915	a:0.03387130842865858	their:0.0328017053654433	said:0.03010807262048575	:0.01
for:0.49702887677701013	at:0.10564648975041047	For:0.0811939080963686	and:0.07606969388421332	of:0.06079672961748245	in:0.054030443245629244	that:0.048962551381132036	to:0.037605037413795665	by:0.028666269833958133	:0.01
it:0.25963858208860846	which:0.14112918128503316	and:0.13477755288321686	It:0.11476539973660434	there:0.09895590903510543	they:0.0762137180117906	who:0.057804780239370954	we:0.05506058752131994	that:0.05165428919895035	:0.01
to:0.4484124891607857	of:0.10503332415444672	a:0.09239098571293898	and:0.0892769333870444	the:0.06253424492358145	who:0.051563204691276794	not:0.04883082239053075	I:0.048693659182018664	will:0.043264336397376424	:0.01
<s>:0.32719628570159937	it.:0.10325049113195388	.:0.09953347739113039	St.:0.09342446718944997	of:0.08465610576595069	years.:0.07606878217389572	him.:0.07286073740079482	and:0.06890757655354132	them.:0.06410207669168383	:0.01
be:0.23893475862471647	was:0.13272343317214613	is:0.12322426583270758	and:0.10365936902192133	are:0.10160753868608319	the:0.08561809761797054	he:0.0730560862131785	been:0.07072200155014093	were:0.060454449281135345	:0.01
matter:0.1721949544746678	number:0.16549517899128305	amount:0.15890840248788105	out:0.1163468094771826	line:0.08760833306018107	kind:0.08001854015275844	sort:0.07510809172159785	purpose:0.06862551549191884	lack:0.0656941741425295	:0.01
men:0.3988728717850422	those:0.19816641851664418	man:0.12380205661432733	and:0.06230704547424623	people:0.06040124982863034	one:0.043102137100377524	women:0.039750242671321136	woman:0.031880327251387744	all:0.03171765075802319	:0.01
<s>:0.5335445376024411	and:0.12858360613053943	.:0.07767429309484879	follows::0.06675138021982024	of:0.058739055762358536	the:0.04244331580954141	to-wit::0.030994442206746076	to:0.029438147113404388	in:0.021831222060299964	:0.01
more:0.2684865675627523	the:0.19038862506527648	less:0.15045372717491748	of:0.11019234800535599	an:0.08479253005238488	greater:0.06542892538288521	better:0.042852573428084795	and:0.041747285031251656	in:0.03565741829709107	:0.01
in:0.40267387158552537	of:0.17344755112266863	New:0.11925656366735468	In:0.10580465679112626	to:0.06101501640031684	and:0.03960640502136954	from:0.038238666621847155	with:0.027476138297944454	by:0.022481130491847023	:0.01
the:0.37734718415064117	a:0.18509434613327638	of:0.10625746342855688	and:0.0983019890747742	to:0.06265189895823563	The:0.04709250310921788	that:0.043691517603426266	in:0.03847534733919399	by:0.031087750202677636	:0.01
person:0.3232435209152325	more:0.2559052086025641	one:0.10619966703476633	two:0.06501802670087518	owner:0.05664963776690563	day:0.05290623161506306	law:0.05102689783353232	three:0.03995162509468568	piece:0.03909918443637515	:0.01
the:0.3312931097520634	and:0.21108308736221074	of:0.14918021103800008	an:0.10899504788457094	in:0.05501799226046978	a:0.04243828136697653	his:0.03892418440695907	The:0.02961112212161555	county:0.02345696380713388	:0.01
the:0.36232644615836734	a:0.1931861979624286	of:0.10697167628326669	and:0.08798900079575751	at:0.068282409717623	an:0.05332547005967429	in:0.05275409283846942	on:0.03358000118700384	to:0.031584704997409244	:0.01
the:0.3227346584936367	and:0.1940022501450567	of:0.11403598547268404	in:0.08996336288986952	to:0.07329013016807916	that:0.06807699171598768	which:0.04427919217174509	or:0.041931633278455636	<s>:0.04168579566448552	:0.01
of:0.3531921470021091	and:0.1407985102351128	that:0.09316373522973621	in:0.08827366925128351	with:0.07002289924881078	to:0.06846501287257709	is:0.06362892294691856	for:0.060181591988689984	have:0.05227351122476186	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.28911769851370467	of:0.15034482710262848	and:0.14727364343021293	a:0.12256378698685642	to:0.11180388212332248	be:0.05566769946958989	was:0.044440704312762515	or:0.03660687066406267	is:0.032180887396860036	:0.01
of:0.2879095906736429	by:0.15147283143704135	to:0.13226073003663077	that:0.1285469390652348	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411609	which:0.037163493311764606	as:0.03192736619326302	:0.01
more:0.4022429279849611	less:0.15067137643731532	better:0.1230713924831501	rather:0.08954190488344776	other:0.057112212193785476	greater:0.05507528844112588	higher:0.04136112785964676	lower:0.04077508563802818	larger:0.030148684078539354	:0.01
few:0.2796034914793986	two:0.24602716038520347	successive:0.12635262339605233	three:0.09141175143604005	several:0.07377646152133804	six:0.04930324721572907	five:0.04632869825141499	four:0.04058892810910521	ten:0.03660763820571819	:0.01
and:0.5090272997432481	that:0.10778905250937586	but:0.06846398265974658	days:0.06334103378610689	and,:0.062487699779472376	soon:0.05827063280562924	until:0.04307539225482937	shortly:0.03949720582159897	time:0.03804770063999251	:0.01
that:0.22423978411691378	as:0.20112268654969784	and:0.16259026870353488	which:0.0819586020395267	lots:0.06961765437813769	if:0.0670298301535858	for:0.0635602695511304	No.:0.06075331589668431	should:0.05912758861078857	:0.01
and:0.2217959233948369	as:0.1796860717414515	able:0.11310397413878419	order:0.09616887137836329	enough:0.08845797575586795	is:0.08164760717368208	or:0.0778553515372209	have:0.06728174995955606	used:0.06400247492023718	:0.01
and:0.3523122251038127	days:0.13452236480524707	that:0.10778518738845456	soon:0.09644262899501786	years:0.08035014631488717	shortly:0.06959919660962034	but:0.0658590994223604	months:0.042694882335744984	year:0.0404342690248548	:0.01
he:0.20675425549140292	it:0.1847584250045772	It:0.1334250418303093	which:0.10599705004813702	I:0.1029833567801373	and:0.07837946795615704	He:0.07222450493760499	she:0.05371067378718268	that:0.05176722416449162	:0.01
out:0.17479152493052696	one:0.1612745066563113	some:0.1543730398369646	all:0.11549577046618895	part:0.104420569411086	because:0.07383495211930248	account:0.07284118264889747	many:0.07000946912075943	and:0.06295898480996275	:0.01
the:0.7693871219273434	tho:0.04731194227507761	The:0.046001976281035806	a:0.03976273346875239	an:0.03116183280524173	and:0.022624081278559832	tbe:0.013149322795398367	any:0.010522018235222082	no:0.010078970933368753	:0.01
of:0.25823735451086327	the:0.13793974357911254	and:0.1261945327872129	in:0.10903247852169387	a:0.10865155169663732	to:0.09238292652407407	-:0.07710713226639392	for:0.04331262260445606	by:0.03714165750955609	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.19503786139835494	is:0.13274997670602395	with:0.11206106325011829	to:0.10959842991036703	was:0.10479355257071762	in:0.09780160058672194	as:0.08209688634186146	on:0.07814660928628968	and:0.07771401994954491	:0.01
as:0.24217288743103907	a:0.192487118632311	any:0.12004235821020075	the:0.10411575443201089	earliest:0.10127916710561756	and:0.0704509696229719	every:0.06892688973918447	no:0.04694594807527493	im-:0.043578906751389715	:0.01
and:0.30735359476081114	to:0.22522162155475015	he:0.10662948316921289	of:0.07884913974184656	in:0.0597246616761408	the:0.057550992930262716	was:0.055200078540659045	that:0.0503361973709718	for:0.049134230255344906	:0.01
was:0.2662303657377886	is:0.15951593365151256	be:0.1385011435123825	he:0.09321828823311433	He:0.08559786602635802	and:0.07480901295300763	been:0.062385547985023874	I:0.056987442328591736	are:0.052754399572220986	:0.01
the:0.3526498906279168	of:0.14502130279609607	a:0.13830183942177893	and:0.1168725067667829	to:0.06260836580021815	in:0.06163770053826012	for:0.03999566904946519	at:0.03716143353865228	The:0.035751291460829726	:0.01
of:0.21840032604439352	for:0.1346043907019011	with:0.12422092993006767	in:0.11776813624637304	to:0.11442191603901111	upon:0.07864262822475239	do:0.07707942101669678	about:0.071298256799251	on:0.053563994997553474	:0.01
to:0.25899009985987886	and:0.20691113851486853	of:0.12222836551254562	the:0.08594736535787019	is:0.07480810658605944	in:0.0664871705332616	was:0.06439095079885332	con-:0.05644473110180624	will:0.053792071734856284	:0.01
a:0.3752254331028303	the:0.34753161586509984	of:0.07654958676655171	The:0.043773316655189756	and:0.03914281723655084	with:0.02847254312561346	his:0.02799582530753913	for:0.02738846858245648	in:0.023920393358168524	:0.01
and:0.25055427459340973	to:0.19788561512081754	the:0.19487051459150248	of:0.09620919366618567	at:0.05609744145762063	or:0.051490709985108546	a:0.050153250749725035	for:0.04773406540091407	will:0.045004934434716384	:0.01
person:0.2766733028777612	owner:0.11680070729807794	one:0.10260056195319608	lot:0.09529458363283674	law:0.09028724150887119	man:0.08431320878419846	land:0.08040370166281388	vein:0.07487358460354376	tract:0.0687531076787007	:0.01
the:0.39381414603745774	and:0.17874956314955717	a:0.10139976743193811	that:0.08859603852546724	The:0.08693418399001429	of:0.04140089710958791	no:0.04036971874704633	if:0.030645712471708848	tho:0.028089972537222202	:0.01
that:0.36676990832500156	and:0.2021494109104595	but:0.10784744981174711	as:0.09568602346329859	which:0.06159835272923168	if:0.04782769345076774	when:0.039627972801933566	of:0.03607453689836179	where:0.0324186516091986	:0.01
up:0.15814385675393813	addition:0.13742981650675554	and:0.12458187151217107	came:0.11414416982463267	as:0.11250542114965958	due:0.08882136789922333	according:0.08683615157811309	reference:0.08455786721599691	sent:0.08297947755950968	:0.01
of:0.24436164658917967	to:0.1643531234760542	in:0.11684415238069956	and:0.10866375010060321	on:0.10010561630903958	with:0.06756867261439999	In:0.06524748389156856	for:0.06304181195514774	that:0.059813742683307455	:0.01
and:0.43468755346702337	that:0.09968774375368049	soon:0.09684465170174157	days:0.07219403837369409	until:0.06335093878130184	but:0.0608364106309628	years:0.0590252806359112	shortly:0.05411458282283047	and,:0.04925879983285422	:0.01
of:0.20993237752508137	and:0.18156752908629392	the:0.1807155482430718	was:0.09763604278896218	to:0.09487097398635354	be:0.06842858040914851	were:0.0588870968838175	are:0.04947381235142595	as:0.0484880387258454	:0.01
the:0.445714713068073	and:0.12920769746300784	a:0.12907302108291357	of:0.11031642532337377	his:0.04406354850620154	other:0.03668779787034549	The:0.034802214437989726	to:0.030351586090406498	one:0.02978299615768869	:0.01
to:0.356943770373367	not:0.13727417655490023	and:0.13429564830264282	we:0.0876753813674422	I:0.06478107680857884	would:0.06152308285481639	you:0.05227327993521022	will:0.04984713221852048	they:0.04538645158452185	:0.01
and:0.2201150155321038	of:0.18956680384299557	was:0.11714336304410324	is:0.11473007219766723	be:0.10498014728817073	are:0.07116894150708807	them:0.05857486156595032	the:0.05742102505034295	well:0.05629976997157799	:0.01
of:0.22648670452955053	to:0.2163693185701176	and:0.10697234843190744	in:0.1042200303603374	on:0.08066665556923432	with:0.08052720281802167	for:0.062032289200670436	from:0.05812749626373315	that:0.054597954256427314	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
one:0.22586711108771074	all:0.20318924817112793	copy:0.13585339809724553	some:0.08000904611832456	out:0.07379004803716031	those:0.07122279865131625	means:0.06962753566551794	purpose:0.06649818257859248	part:0.06394263159300428	:0.01
it:0.33853082227275716	It:0.24337835320521994	there:0.09520718488027768	that:0.07737003876586056	which:0.07332810869499344	he:0.05180014029682764	This:0.044145806979173884	this:0.03351125348578113	There:0.03272829141910858	:0.01
the:0.2561890529191202	.:0.18132581494084674	<s>:0.1430425225000923	and:0.1260444777104737	of:0.0842168870941964	Mr.:0.08123389001749104	Mrs.:0.04199693138899891	The:0.03909673829229777	de-:0.03685368513648295	:0.01
the:0.22669854374274823	a:0.16065144283152755	and:0.15682055975370968	of:0.14859189720612156	to:0.10768267476423311	in:0.05931814572121813	be:0.05857337530993183	was:0.03748628502926306	is:0.034177075641246855	:0.01
cents:0.4792647427772294	bushels:0.09794502474135018	a:0.08123742788406445	dollars:0.07467522045593539	cent:0.0659571695610887	the:0.05324282560681478	pounds:0.05207629598126501	feet:0.0475578374290808	$10:0.03804345556317125	:0.01
W:0.14910773017956414	M:0.12276990578542449	J:0.12075148222724486	C:0.11156552709985228	S:0.10363588713123016	E:0.10247688778446311	A:0.09710894198133282	H:0.09413683549342977	B:0.08844680231745826	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
and:0.19051943986217015	of:0.1720639792232348	as:0.16747509158597676	the:0.13450047028301987	to:0.09096766000852802	be:0.06575526900119626	such:0.06334143169216884	much:0.055005516582227666	in:0.05037114176147772	:0.01
and:0.32348604205683973	that:0.2301135487800333	of:0.17832799891731946	we:0.05898139973120361	but:0.045707746673411716	to:0.042890862641266014	which:0.03749877887606632	for:0.037004820607775005	they:0.03598880171608489	:0.01
of:0.2941982509542119	the:0.16072125870391654	and:0.13399067353957803	his:0.09692266493711496	in:0.08517071875238715	their:0.07482011164731803	whose:0.05317389263355513	our:0.04579059064521459	that:0.045211838186703636	:0.01
the:0.6729026134981863	of:0.07345627494891396	and:0.06299703913573547	The:0.044365426488742074	an:0.04292392647288456	tho:0.038810867237322424	in:0.023144470113200828	tbe:0.01754886971346152	that:0.013850512391552893	:0.01
and:0.2202019350874184	to:0.1887535088684466	the:0.15010270598437445	of:0.1407975291470318	in:0.08131419172057798	a:0.0664360152684864	at:0.0552515473130643	is:0.04373243898477513	was:0.04341012762582496	:0.01
they:0.3404026872478909	who:0.12448748302667034	we:0.10689241023493963	and:0.09089158376940623	which:0.0792564948708466	men:0.06662993537047472	They:0.0656113059680487	there:0.062303918262768834	that:0.053524181248954084	:0.01
and:0.3041302783373273	as:0.1892464120716832	them:0.09726241528116308	him:0.07844601042661696	is:0.06867894655758504	was:0.06648600916832237	up:0.06439498529403735	right:0.062020725475111185	according:0.05933421738815354	:0.01
the:0.3668959715827938	Mr.:0.1767222625569003	of:0.13075842474549082	The:0.10740889850841426	and:0.07994463174687759	Senator:0.04026661528314151	that:0.03453504701709033	Mrs.:0.026920058041619805	.:0.026548090517671617	:0.01
to:0.2622550673996061	I:0.169311840601925	we:0.12346484057769216	they:0.09776933574499443	would:0.08648334546755962	you:0.06774747933723199	will:0.06494267316638797	who:0.061353716257102425	We:0.05667170144750058	:0.01
the:0.5605409704885159	in:0.14939785653120585	of:0.09611694499775511	and:0.06057678316068419	In:0.055350031724419775	tho:0.028694835697852278	The:0.014918762264209778	that:0.012412794633474233	to:0.0119910205018829	:0.01
<s>:0.5278114153904214	it.:0.10189007578985017	them.:0.06790456485491546	.:0.06423458543619096	years.:0.05152727330278201	him.:0.048374525379909265	year.:0.044626301188900055	time.:0.04207332898979948	country.:0.041557929667231014	:0.01
the:0.20441148452194383	of:0.1799687752985794	and:0.15951045419787307	to:0.14923219010775662	in:0.07549048297677491	a:0.07048717531546922	be:0.059013471069004904	was:0.05348993675704245	is:0.038396029755555415	:0.01
the:0.6883150274138988	a:0.09222116951864981	and:0.06195337711557717	The:0.05377856016924538	tho:0.023848194794420227	is:0.021197085835257302	of:0.019514276897375234	was:0.014613566241211368	are:0.014558742014364731	:0.01
as:0.173436796673747	up:0.13412971342767138	come:0.11852609360688013	and:0.10381223245833751	back:0.103277566060711	came:0.1016016249346761	go:0.09825838167250896	it:0.07923533163549472	regard:0.07772225952997326	:0.01
at:0.2960832973121029	and:0.1653178706984434	to:0.13572386943498355	of:0.10451897004383971	.:0.07940952716214597	the:0.06842355307792371	a:0.05504556952926411	No.:0.04290906050450695	<s>:0.04256828223678967	:0.01
and:0.2750436908578541	was:0.17813731682240175	is:0.15858763511057317	went:0.0859500111148902	are:0.07231122800960538	it:0.055955787163092074	go:0.05512884549030008	be:0.05465947075880729	that:0.0542260146724761	:0.01
that:0.28280257180743124	and:0.1547146958616332	which:0.1113112163649611	as:0.10906993953504172	when:0.09985182683911248	if:0.07411321035990025	but:0.06700446249732833	what:0.05377735605206451	where:0.03735472068252723	:0.01
as:0.26858075282354016	of:0.19397443985604879	and:0.1474519305487775	to:0.08946810905326538	is:0.07668138060114008	all:0.06073858506828187	in:0.05407183093101313	for:0.04956377793732996	any:0.049469193180603124	:0.01
that:0.2795537149247718	and:0.16784669293687343	which:0.13288961414759906	as:0.12870312394288416	but:0.06747648447971248	if:0.06495889756531509	when:0.05641663027445595	where:0.0503865815579276	because:0.04176826017046037	:0.01
be:0.3069300697601083	was:0.22833125568971024	been:0.12590439427914904	and:0.10376412773047115	is:0.08201314717645813	were:0.05133907717234386	he:0.032538454400331866	being:0.02998675597505113	are:0.02919271781637622	:0.01
and:0.3175932226717366	so:0.16318829802933255	said:0.11580597577209897	is:0.08137732008187601	fact:0.0807271285051356	know:0.07142495230652889	say:0.06047208978071325	but:0.05002696304033166	me:0.04938404981224638	:0.01
and:0.3642292372262069	he:0.11721760911433343	I:0.10095446607986532	two:0.09253177656510697	He:0.0683431727371584	never:0.06538676793939677	to:0.0637921409417012	then:0.05939215785451974	ever:0.05815267154171113	:0.01
of:0.21008914129064662	the:0.20175451304969128	in:0.16396054932294432	Sand:0.16064220523186082	and:0.074406015503157	Grand:0.06392421653985596	to:0.04801833247608485	<s>:0.034119749874188865	.:0.03308527671157017	:0.01
of:0.2710336655156713	and:0.20337464086542859	that:0.122515660061006	is:0.09459456761531373	to:0.07659595795707096	for:0.06965495383668813	would:0.05288499512228027	not:0.05039151031475474	in:0.048954048711786304	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
of:0.32455640810292513	in:0.1948584858200923	the:0.10758095155056183	on:0.09605208907587039	to:0.08259474890182572	In:0.05281619283818206	and:0.04718548582357526	from:0.04598869616292634	a:0.038366941724040995	:0.01
the:0.43651177249066164	a:0.28490469594007417	this:0.10393312998632037	tho:0.03493805425792531	The:0.029554902507449885	to:0.027719833963038534	and:0.025964380604612626	every:0.024918323362381534	of:0.021554906887535957	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
is:0.162169650821934	any:0.12171952430210581	and:0.12054420398903785	the:0.1111673184024917	only:0.10487424003857501	no:0.10254712877798848	but:0.09429406910144607	of:0.09000943645194708	to:0.08267442811447404	:0.01
the:0.3486715888371081	a:0.33553185195678514	to:0.07543873905977201	and:0.07103736314876219	The:0.04384694958686547	not:0.03955326573518126	of:0.029636339505778507	his:0.02801504413312634	in:0.018268858036621177	:0.01
of:0.2879095906736429	by:0.15147283143704135	to:0.13226073003663077	that:0.1285469390652348	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411609	which:0.037163493311764606	as:0.03192736619326302	:0.01
the:0.7262895499935809	a:0.06336948661367652	this:0.053902360391989694	his:0.04200302785940913	any:0.022298711745285013	tho:0.02178375725972367	good:0.021738489651801616	such:0.02117908808273212	other:0.01743552840180142	:0.01
of:0.40816282121130404	in:0.1663581372419813	to:0.11283613680692166	and:0.06357750287508196	on:0.057654048051192494	that:0.05439521740337203	by:0.048611815628254666	from:0.04328517603230415	with:0.03511914474958768	:0.01
a:0.7141254917362713	A:0.09131489173304716	past:0.05965808506483505	very:0.030266717117016395	the:0.029087521092811187	last:0.028252851199948335	next:0.017470110133820667	is:0.012332063653107427	are:0.007492268269142296	:0.01
to:0.7289463817174001	and:0.058186399087637904	or:0.0352075957234212	the:0.03439075903961462	with:0.03195345804480588	of:0.028701046438819246	not:0.02675898328719847	for:0.023661497156460758	at:0.022193879504641748	:0.01
the:0.7430521822349359	The:0.10200771425598247	tho:0.038399774292953597	this:0.036971603980595916	that:0.023147901617129166	and:0.014163022933151076	tbe:0.014015665342848614	This:0.00994590558212236	a:0.008296229760280865	:0.01
the:0.371135423698651	and:0.19864601452824862	of:0.1211582258806777	a:0.10450067126904716	that:0.054077763594607954	his:0.052866945619786096	The:0.03066294046945445	by:0.03011072248165463	to:0.026841292457872364	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3227346584936367	and:0.1940022501450567	of:0.11403598547268404	in:0.08996336288986952	to:0.07329013016807916	that:0.06807699171598768	which:0.04427919217174509	or:0.041931633278455636	<s>:0.04168579566448552	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
provisions:0.16627098017731173	copy:0.15165327534695813	date:0.12617568642366098	part:0.12388683156619237	one:0.1044724200406653	out:0.09585475097905363	people:0.09019386903076457	publication:0.0773301702042243	members:0.054162016231169084	:0.01
more:0.3129744856959424	less:0.2618417597279203	rather:0.12876662735402436	better:0.09040894727453175	greater:0.08096024949886096	higher:0.03141564269588002	other:0.03021041228074172	worse:0.02815001935925768	and:0.0252718561128409	:0.01
the:0.4411418512344822	and:0.10660738462761012	an:0.10070338084895732	The:0.09816111424024515	to:0.06471785122561623	of:0.06101092674422022	a:0.045555391944078996	was:0.038848632627012	that:0.03325346650777787	:0.01
to:0.25899009985987886	and:0.20691113851486853	of:0.12222836551254562	the:0.08594736535787019	is:0.07480810658605944	in:0.0664871705332616	was:0.06439095079885332	con-:0.05644473110180624	will:0.053792071734856284	:0.01
to:0.5960014567228901	the:0.0922429649312751	of:0.08012213852515136	not:0.057303263585336765	will:0.05575280529356385	and:0.03340883317530291	a:0.033318846670888	no:0.022920975828794914	shall:0.018928715266797107	:0.01
and:0.2256687380387921	to:0.1960869281037485	of:0.1841729779850611	the:0.11778544192554857	or:0.06045812843199608	be:0.05878648226268214	in:0.052780633363960515	was:0.050480159565492455	is:0.043780510322718603	:0.01
of:0.4141232420194457	in:0.14760655510293907	to:0.08971566318200534	by:0.07266953364523727	that:0.07024692219685608	with:0.06127123587332129	for:0.053160640547402147	and:0.05219722074512008	In:0.02900898668767309	:0.01
the:0.3456937354483388	and:0.16336610112704272	of:0.1104085984099148	an:0.10262132896789528	to:0.08739133869526655	The:0.06516044249316873	with:0.04591665146928726	by:0.03692983607400955	was:0.03251196731507631	:0.01
a:0.2311285397753244	of:0.19282450572902396	the:0.16095446733562851	to:0.1248249868617397	in:0.08623424496843124	and:0.07116240810342474	by:0.05556058722389452	with:0.03809113591988884	that:0.029219124082644016	:0.01
made:0.21130251519142332	and:0.16952049420522514	followed:0.13071593250465655	accompanied:0.12656081236401054	up:0.08186803086120986	foreclosed:0.0735146696741879	given:0.07096732626779255	surrounded:0.06674638686956419	caused:0.05880383206192995	:0.01
of:0.4512988004003195	in:0.13448528834203569	to:0.08969591296001134	by:0.06181195863813039	on:0.05882569326824147	for:0.05612314419641881	and:0.054004070048354655	that:0.049842074360831504	In:0.033913057785656606	:0.01
a:0.5476171192405779	the:0.19981767145162072	A:0.12097286792705816	The:0.03368853280211994	this:0.025895634437474065	and:0.018567886837968443	very:0.017445350976003433	any:0.013131560168770096	one:0.01286337615840733	:0.01
thousand:0.3938333363406737	hundred:0.1888433291188981	of:0.0948037693021577	million:0.07975387796171464	fifty:0.07585398667211367	ten:0.05404964923847883	five:0.05124053916119846	sand:0.027514971062327743	to:0.0241065411424373	:0.01
the:0.3715024034084613	this:0.1662612391388093	This:0.14535997115041405	The:0.1262890702491703	that:0.059508343966214274	a:0.053100638802202435	his:0.02757948429272643	tho:0.023340768981795865	which:0.017058080010206096	:0.01
the:0.40858783188964637	and:0.2262695885564932	a:0.07964002019825198	The:0.06016974260012399	his:0.057845876180531455	of:0.04426383007900908	two:0.03994931087120359	their:0.037397405547313925	her:0.03587639407742624	:0.01
the:0.6713233763945994	of:0.11687539888944716	and:0.05069373171965821	tho:0.03556251707618633	their:0.027491474666081272	other:0.023777133853727865	The:0.02277870675652199	his:0.021009088951910747	in:0.020488571691867172	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
per:0.33065838744022596	a:0.3075034507375975	the:0.15738586440761415	last:0.05891165739412999	every:0.03880093245921211	one:0.03745429272803362	this:0.02168348352483583	each:0.02021186406450978	next:0.01739006724384105	:0.01
the:0.46133766882034244	a:0.24638355245878146	of:0.0772964945700616	The:0.05679081327204602	very:0.042917985091996944	and:0.031107470991970525	as:0.029476281202605568	tho:0.024374500795677403	all:0.020315232796517972	:0.01
Sec.:0.3436250065458622	Section:0.31602192581697297	SECTION:0.07254481270708073	March:0.05427426206194818	May:0.05321867637453162	July:0.045540540214461266	April:0.03657925512171409	No.:0.03522313329143614	Sec:0.03297238786599278	:0.01
it:0.2196645200517994	he:0.17608013749008633	and:0.16587607228618195	It:0.11639930409472837	she:0.0850720880778439	I:0.061842230440706275	which:0.0604464519692019	He:0.05498471135604163	that:0.04963448423341025	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.22635918393835464	and:0.1957806869688713	the:0.1831238563708327	in:0.11416871286388583	to:0.07625497705557567	for:0.07584096556344853	that:0.04967954350983974	at:0.03747132712301445	as:0.03132074660617702	:0.01
of:0.2538329665598862	to:0.2072705510977705	with:0.13471820290941022	at:0.1007749483591868	in:0.06861587783672972	from:0.060607236848774525	by:0.055969813559409595	for:0.054745571579121174	on:0.053464831249711374	:0.01
the:0.6360022559632108	of:0.125419793366355	and:0.05745830545627975	The:0.037309562276570264	tho:0.03616024440948528	a:0.03213932528753226	or:0.023481821991517396	our:0.023199366450798408	his:0.01882932479825074	:0.01
to:0.35773625818197463	and:0.2809833289470644	of:0.06366019721842932	I:0.05957609902579174	the:0.049207004226350326	had:0.04593436949706385	who:0.04468909427588247	would:0.04452726443160527	not:0.04368638419583798	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.10005802787283471	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.040989301969020085	I:0.025676339882261923	:0.01
a:0.3141256235319564	the:0.2998142764688812	of:0.10157272840598425	and:0.0771942319659407	in:0.04616868817220642	to:0.040950575232071795	their:0.03870390302215533	with:0.037297932280379746	his:0.03417204092042422	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.29348734035947927	and:0.21800905869438575	of:0.15798693257990812	The:0.07098336672023307	that:0.06016316734182636	these:0.05256309489874121	These:0.04957857554119429	in:0.047710532982857816	such:0.039517930881374175	:0.01
the:0.27938885224787174	of:0.24069353718099715	and:0.12966152383406992	The:0.07267202220526256	in:0.07258171900765914	that:0.06560050012973109	to:0.05278222210859476	a:0.039324300065401045	Mr.:0.03729532322041259	:0.01
able:0.16476468956565668	enough:0.11618499558449112	order:0.1127774004433305	and:0.10770230905684038	right:0.10423521491986491	is:0.10418823328546226	unable:0.09963857793164675	began:0.09074479233141822	ready:0.08976378688128922	:0.01
to:0.3139961216415087	will:0.21926672287967777	would:0.1301873839303604	should:0.0826722257813985	may:0.07193022020974586	shall:0.0506921251579966	must:0.04734539430017821	not:0.040801899473559076	can:0.03310790662557478	:0.01
was:0.2608402307265201	are:0.15394237978366046	been:0.13508871331830358	be:0.1298906667593338	were:0.12140704926572352	is:0.1058934045875163	being:0.03886036304357213	and:0.023604643308868998	not:0.020472549206501173	:0.01
he:0.18628532517817098	and:0.17559309547526944	was:0.1678993826097438	be:0.15910187080697216	is:0.07014523751633732	I:0.06223207543361713	been:0.060171390447512206	He:0.056750072102112796	were:0.051821550430264304	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.217460517591529	which:0.20516410002001464	he:0.12195350346082304	that:0.11223943943867985	have:0.10480887549099864	had:0.07840874231310277	has:0.07174535703343392	He:0.04416473270987613	who:0.03405473194154212	:0.01
the:0.5287442165057871	to:0.08318080446947247	said:0.07965881719990922	either:0.07118276700088486	this:0.06856062529935945	any:0.05383571602779093	that:0.03689067591288819	tho:0.03493780960724023	at:0.03300856797666755	:0.01
of:0.319326505321888	to:0.19260952806303336	at:0.13951872219659486	in:0.1075681656139362	for:0.07630148184682067	and:0.051621203961898704	In:0.04156137193362101	that:0.034969788656551364	with:0.026523232405655756	:0.01
to:0.29639323310057225	and:0.17742488509091495	that:0.1553219406432185	will:0.10195723008745027	which:0.07081734537495583	as:0.06491107160138052	would:0.05621930438166285	but:0.037073093657891715	not:0.029881896061953298	:0.01
and:0.27169980257244286	was:0.11184075337002325	file:0.10845453490691333	that:0.1051508243735093	made:0.10493328986733919	is:0.08139378364250742	but:0.07267309056949599	people:0.07250388573087883	them:0.06135003496688983	:0.01
It:0.3684666802234462	there:0.1852605976529453	it:0.11843513162829253	There:0.11777388257227411	This:0.04942591871229191	which:0.045985349501477764	that:0.04180952542028888	he:0.03927996615360411	and:0.023562948135379038	:0.01
a:0.3630895823899278	one:0.16268528495597231	the:0.12274477225782521	northeast:0.10820384317181093	southwest:0.062465471070983276	northwest:0.047216325411286064	southeast:0.044993501654069346	this:0.0440959706621028	next:0.034505248426022234	:0.01
I:0.2299871638026027	would:0.15059728599202413	they:0.13609886037386892	who:0.12492719917717938	we:0.0922336078049135	to:0.07655724317347905	will:0.062284793370464636	and:0.06013865743661181	you:0.057175188868855795	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.2438581778745646	and:0.20858868420395704	the:0.1997157600068909	to:0.13107636841507064	for:0.05012123213400395	in:0.049118845808747265	a:0.03954096322027765	which:0.034207102007391584	that:0.033772866329096214	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
of:0.2678129763393076	and:0.1399384026672033	in:0.12658473653057448	to:0.11205829840065999	that:0.1103775588441759	by:0.07056048392971127	with:0.06627530381848427	for:0.05209187045783069	at:0.044300369012052386	:0.01
on:0.2268865406986814	was:0.15730957394619174	is:0.13321595756781318	of:0.09751025484180745	and:0.09415732545720681	as:0.08717812901655257	in:0.07558875006124419	to:0.06664508040223206	be:0.05150838800827073	:0.01
and:0.3078810227098602	the:0.10811463794048604	of:0.1062562930495917	be:0.09492755211690665	which:0.08395235820199855	an:0.07781132106827078	he:0.07728194796405882	or:0.07140926743187255	that:0.06236559951695467	:0.01
and:0.23131156218470475	was:0.15909538271218193	to:0.15573397288949448	that:0.1229338166952661	of:0.08525391397710617	after:0.06791006392487137	but:0.06259345677106797	is:0.056738809637712814	or:0.048429021207594576	:0.01
and:0.2542315743163	is:0.19065841016179877	fact:0.1437993552448729	know:0.08130283477484336	so:0.0772528193275017	say:0.06882345549977154	said:0.059326111221560465	but:0.0575064667290932	was:0.05709897272425803	:0.01
the:0.16851635851300462	of:0.1632659099510633	to:0.14341948061092308	and:0.13878918389991693	be:0.09604762970813724	in:0.08579342052029841	for:0.07175680192759627	was:0.06587580127138719	is:0.056535413597673084	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
in:0.38702123536446104	the:0.10142855402477019	into:0.08565352199004972	their:0.07678278092125426	his:0.07667633426662657	its:0.07170831334040162	In:0.0711372168138293	of:0.06930351727704016	and:0.050288526001567205	:0.01
the:0.18967412161958205	and:0.16039812387112398	be:0.12426122688981939	was:0.12339453984543904	of:0.11493837137436898	to:0.08700087712254828	is:0.07482363279220873	been:0.06158286699078446	a:0.053926239494125026	:0.01
<s>:0.3471418833699098	it.:0.14611151537777814	them.:0.10698009092698701	him.:0.07604652223531633	time.:0.06982571844893742	.:0.06774271960613766	years.:0.06099889986584903	day.:0.059056594136947284	year.:0.05609605603213733	:0.01
for:0.6530554738298313	For:0.09946067353612544	of:0.07067180305318445	and:0.04686023841965851	in:0.031713548098431917	the:0.027443565460778502	about:0.023329008819522185	past:0.019290876407275646	to:0.018174812375192074	:0.01
of:0.20615396164516417	as:0.19803253787358074	in:0.11503058802990092	to:0.10494502158139338	for:0.08344074081674263	and:0.07463986255295041	with:0.07025521685656066	is:0.06963354785938103	that:0.06786852278432606	:0.01
J:0.21449292140077894	.:0.179369917044106	of:0.1114227255228526	and:0.10662177266184691	the:0.09092192484287123	W:0.08338907550931707	to:0.07941653751890212	J.:0.07020474362210122	A:0.05416038187722393	:0.01
the:0.39502312612612495	of:0.19617942274272676	and:0.14040768228919076	The:0.07103060005907108	per:0.04915885632548692	a:0.041626847354139504	by:0.03781775713744281	with:0.02964478923807753	that:0.029110918727739625	:0.01
and:0.26345609486658683	o'clock:0.11596818409597831	made:0.10512494192256998	recorded:0.09847665883878828	was:0.093288972236532	up:0.0898792761481785	that:0.07815145330434257	it:0.07748742649959083	is:0.06816699208743267	:0.01
necessaries:0.2321645419870604	out:0.14978894685561298	amount:0.11160141729187027	number:0.11082342571906222	state:0.10677668519517809	cost:0.07799713336275554	point:0.06840499324213631	kind:0.06800559040680766	system:0.0644372659395165	:0.01
the:0.6154685990640681	Wall:0.10726008834754658	Main:0.07040563542269554	of:0.04308672623718408	at:0.03270644360762106	Third:0.03186694087827526	Grand:0.030933167592953444	tho:0.029685431086847704	Fifth:0.028586967762808117	:0.01
have:0.15140266760362328	had:0.13781745126428405	and:0.11798701295625025	is:0.11245702919331754	able:0.10928472541411155	him:0.09822222701132871	not:0.09511104479459966	enough:0.08651267364281369	time:0.08120516811967135	:0.01
arrived:0.15612503630053667	and:0.15186192457036976	brought:0.15153952991396236	was:0.14598670015796064	came:0.10421350874649563	is:0.08182463187929212	are:0.0771168778491237	come:0.0663232340146127	held:0.055008556567646416	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.2830871888837395	a:0.18763974055268534	of:0.17716499261558902	and:0.08862777746394604	in:0.07859147241606408	to:0.07293284411796729	for:0.04353539789268598	his:0.029674420450999446	on:0.02874616560632326	:0.01
a:0.4034682186426895	young:0.18998937502894125	the:0.160760744041388	old:0.056027471124925135	to:0.05189096394198523	and:0.03970415414866053	of:0.03404400832640496	every:0.029061432427579432	A:0.02505363231742595	:0.01
the:0.6829889000127585	a:0.06662461514931393	of:0.06251505016465617	The:0.044052688795315806	and:0.03135961653613755	tho:0.029664187214538302	to:0.02648524552223653	their:0.024895749945890038	our:0.021413946659153173	:0.01
the:0.38374108814995883	a:0.18283464485699777	of:0.12712135749638795	and:0.08376327608998162	in:0.08197485264964398	an:0.04944504856489463	to:0.02974641023894551	tho:0.02682314452894664	The:0.02455017742424292	:0.01
he:0.2436819698462937	I:0.2196778728720468	that:0.09637870629963131	they:0.09297750692401031	it:0.08640936203976556	and:0.07069242723716085	you:0.06864522678405031	we:0.061141425596483424	who:0.05039550240055782	:0.01
of:0.39396147309463553	on:0.13732908550728204	to:0.10524887488602366	and:0.08444405029839941	in:0.06658291668710073	by:0.06441523042226523	that:0.060897422350374576	from:0.03898391086526253	with:0.03813703588865637	:0.01
of:0.15862241364981214	and:0.15751333905624854	to:0.15637447451180367	the:0.14620390380107715	in:0.129532116122774	a:0.0677699611842351	was:0.06062990956871154	is:0.06058567911506544	for:0.0527682029902725	:0.01
of:0.18463940321007144	in:0.14617523529018236	to:0.13514721016977785	for:0.10537198589835708	and:0.10149329879781753	with:0.09354922289429123	is:0.07935624664322646	as:0.0735419102963912	by:0.0707254867998848	:0.01
hundred:0.3571805595269563	men:0.11984593884522583	land:0.09772391490493357	gold:0.08782034733047475	power:0.07718876741385372	one:0.06736903825911197	States:0.06343754807677279	life:0.06219673688074416	Baltimore:0.057237148761926704	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
a:0.29887195480542944	would:0.14319697463004774	was:0.10078173936968848	much:0.09982694147274049	and:0.0835387882786119	the:0.08017165069117652	looked:0.06381973248563472	not:0.05992508738149783	something:0.05986713088517298	:0.01
and:0.22145487756883014	do:0.12809288106808575	was:0.10729450321691962	amended:0.10455510258209134	as:0.09375235547389674	is:0.08730191828083021	be:0.0856090667296932	not:0.08466774663763453	are:0.07727154844201842	:0.01
the:0.3852091685420713	of:0.15029792416713433	and:0.13361736839571411	a:0.11891032624485717	in:0.05055226342026037	to:0.042450229405257604	for:0.03799538051249681	or:0.03633593244546821	that:0.034631406866740044	:0.01
the:0.297492901961497	of:0.17741408266195474	a:0.14645768029163828	and:0.09158810426380848	or:0.07279359814981	to:0.06981668528850316	in:0.0589873299937157	any:0.0419198791673564	be:0.03352973822171621	:0.01
of:0.38790476161524395	and:0.14118527030761166	the:0.11759684177015473	to:0.11534552905260037	in:0.06437620344612742	an:0.051477002942926564	by:0.04649885369806057	are:0.033521904458377876	with:0.032093632708896834	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
to:0.21845282607008776	have:0.15293818072830453	had:0.1385249006341653	has:0.11696566167295801	will:0.11591186517679447	not:0.08294000235044963	would:0.07673782018820356	they:0.04651873315782657	may:0.04101001002121007	:0.01
within:0.6047498763205287	or:0.057826046862568606	and:0.05350533851528134	of:0.052307186601590415	about:0.05222439214738573	than:0.04833823259728453	least:0.04135691905936194	in:0.040078776586098076	for:0.03961323130990066	:0.01
be:0.16948023794628236	he:0.15990021860690076	was:0.11687019283859093	had:0.1160116907223172	and:0.11407988339858903	I:0.10730969249574283	have:0.0837766797878232	has:0.07405697254865544	He:0.04851443165509831	:0.01
and:0.32434810589817087	was:0.11832549081564547	held:0.10061653345026712	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139066	arrived:0.07348439933321943	that:0.0714853472708103	interest:0.06758836938612982	:0.01
the:0.3095144067054789	of:0.15402692274525573	and:0.13686184008868665	a:0.10284841379706823	to:0.09168608115329102	is:0.05226952478776128	at:0.050558781269415716	in:0.046208022317628265	be:0.04602600713541425	:0.01
that:0.2552027492246132	and:0.24739616137381143	but:0.13951823211335046	as:0.10047275784378422	which:0.07665856935201883	if:0.05195519272673162	when:0.04972913884251489	where:0.03626071909960702	But:0.03280647942356842	:0.01
to:0.42004842753226534	of:0.15647718277724	the:0.12236807678373515	by:0.0688987309075845	a:0.06845734967098842	in:0.057635223011748726	and:0.05262642980567483	from:0.021958159034030797	The:0.021530420476732315	:0.01
is:0.2036348410086637	be:0.15193284635775722	are:0.132981064050852	was:0.1109965693110573	very:0.10000202744077084	so:0.09532103805599561	as:0.06987443773283765	not:0.06730749584200814	more:0.05794968020005768	:0.01
more:0.46501152562273174	less:0.11035112635787171	better:0.1101723810494371	other:0.09677648663820473	rather:0.08551247108327463	greater:0.035567209679909936	and:0.032571964854178445	worse:0.02763000116751514	higher:0.0264068335468765	:0.01
of:0.22721353584644982	and:0.18520683603306562	Mrs.:0.16983097945942252	by:0.1584930696397202	said:0.062140207510201766	.:0.057276858283587424	Mr.:0.04553350316968072	Dr.:0.043365618448930124	<s>:0.040939391608941764	:0.01
of:0.2697462726493114	in:0.16343573196451427	by:0.0998602310227403	for:0.09700601050383896	as:0.08141030572659251	and:0.07960271438915975	with:0.07878345263017418	to:0.06681965152092673	that:0.05333562959274192	:0.01
of:0.315088443849609	in:0.16415545257964065	to:0.13750840409925807	for:0.08740143226278614	by:0.06534038373966972	and:0.06443688987526373	that:0.05556018656857204	with:0.054695089547032096	from:0.04581371747816849	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.11808702737128361	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
to:0.26832184456431946	will:0.2504376120375991	would:0.1256113125979842	may:0.08795987819535153	not:0.07444160331725083	should:0.06417951422914046	shall:0.0620491563988627	must:0.03041016111507201	can:0.026588917544419742	:0.01
of:0.26324904809006894	in:0.19458441455326353	to:0.1163504029245862	and:0.1057583906889168	at:0.06600288252288171	In:0.06313500758951991	on:0.060782084683544214	that:0.06048212453130647	from:0.05965564441591227	:0.01
of:0.309359016105498	to:0.12332711534619432	and:0.1218483732825562	in:0.11035996846097133	on:0.07237680652120022	by:0.07171030772667297	with:0.06995198942220665	that:0.057107225505289086	for:0.05395919762941143	:0.01
of:0.19876338013405914	such:0.13933996966499632	with:0.12346715499129748	to:0.11137192285104953	in:0.10912495215830574	as:0.09408945978826261	for:0.07616465381307505	and:0.07508332739717427	is:0.06259517920177995	:0.01
the:0.4119463730922002	and:0.14757495978390012	a:0.12102354051140245	of:0.11728284197595831	to:0.05351527640907177	in:0.049146272520604405	The:0.031045583373896415	his:0.030905419112918477	tho:0.027559733220047872	:0.01
not:0.4502275740289614	can:0.12887390981117233	could:0.11562911430609313	would:0.07395702431534049	will:0.06543016117083318	the:0.059230164545756546	and:0.03794521053996283	that:0.03133831077227473	is:0.02736853050960536	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
<s>:0.6456518123426517	it.:0.06888425174814825	them.:0.06270544813543685	time.:0.042489150366620446	country.:0.03728619003409871	year.:0.03538396110376599	.:0.03392970158032471	day.:0.0323827688505668	work.:0.03128671583838655	:0.01
for:0.24571839936171785	of:0.1293301833287279	in:0.12112418388051728	as:0.11337711802790609	to:0.10766904771423574	was:0.07806117607568791	and:0.07658585119772736	is:0.060893317565797765	at:0.05724072284768228	:0.01
one:0.2621410772420017	part:0.13828982982918026	out:0.09624462787694145	sum:0.09475385185290656	all:0.09344278936076991	amount:0.09063463447574953	sale:0.07587870330969793	end:0.07005676748970087	number:0.06855771856305173	:0.01
and:0.22274765485377104	which:0.19266226174927828	he:0.16713057601880774	who:0.10468272419870883	it:0.06508485874536114	time:0.06478076531894178	I:0.059298589018959985	He:0.05783963285754768	It:0.0557729372386236	:0.01
and:0.3076605906384916	of:0.292474589413431	not:0.07981088340614757	to:0.06481846604010046	in:0.06046391173746984	after:0.048412363509986026	with:0.04682899184358888	by:0.04659960557776859	are:0.04293059783301614	:0.01
the:0.41091466193149156	to:0.13401059149647793	a:0.09003813329777402	one:0.07922559111310709	and:0.06512389260194376	an:0.0630367129955446	this:0.06278381291370136	that:0.04496297475261483	will:0.03990362889734491	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
of:0.23718407441061976	the:0.18069077660368707	Mr.:0.14180543065202203	and:0.10703492879933164	in:0.10015671680885013	that:0.07642264423650107	The:0.05795049213255086	which:0.04742717838767149	Mrs.:0.04132775796876595	:0.01
of:0.22962446404540565	any:0.14528715695157024	and:0.11085499159697283	in:0.10829258373977362	no:0.10769840783879667	the:0.10662535759083062	that:0.07401880557087032	only:0.05499716294162744	some:0.05260106972415249	:0.01
the:0.5227780046725518	The:0.10525406968965566	a:0.09559871573578431	and:0.08102605364807076	two:0.04618527143333752	of:0.04497381941171217	no:0.03486829137928876	his:0.03109751144359744	many:0.028218262586001654	:0.01
and:0.3501170843425755	<s>:0.10341153535501962	it:0.09706563092914154	that:0.09001248996849674	of:0.07459632729832566	now:0.0741766095303398	which:0.07219196431669903	Mr.:0.06998115980913153	but:0.058447198450270584	:0.01
and:0.28649446591365485	of:0.1515724458519273	to:0.1241768507578696	in:0.11097495355316382	nearly:0.08757694057873902	that:0.07693173457612722	with:0.0626968526156347	are:0.047313403906844125	was:0.04226235224603941	:0.01
foreclosed:0.21354426481975966	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823615	followed:0.12340081914410177	surrounded:0.0697778146110107	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817265	:0.01
and:0.250605656640583	was:0.22697866217046095	is:0.1005172594524486	are:0.091835749412644	of:0.08542650667353768	were:0.07548782157767604	been:0.06059196405704986	to:0.05757597293166519	while:0.04098040708393481	:0.01
be:0.2769898582465336	was:0.19009910620195333	and:0.12791969051164764	is:0.09470385883620194	been:0.08981426292627143	have:0.056056258294538135	had:0.05358697742055024	has:0.052725455995117146	were:0.04810453156718657	:0.01
p.:0.2176691803134876	a.:0.14912279814154294	it:0.11253824873399013	had:0.10765992191163101	was:0.09473221457367452	p:0.09264482788524192	and:0.07593860336605725	there:0.07437504820472644	of:0.06531915686964831	:0.01
the:0.38430711146777713	of:0.271512026889966	by:0.059912819038531594	in:0.059362361026662216	and:0.056906370420691584	to:0.05332218391952024	a:0.038932889549931016	that:0.034212021931069814	The:0.031532215755850315	:0.01
of:0.23877314093681787	and:0.235239762941248	that:0.10429293754790624	to:0.09191787248515053	with:0.0886801683028966	in:0.0755747815673686	by:0.06993248209149308	on:0.04603715958208766	from:0.03955169454503149	:0.01
as:0.4244285524339238	if:0.17210625710861296	is:0.12664548850091564	was:0.1093044499449403	and:0.07495841861970713	that:0.022730348984739145	If:0.022543207151012587	but:0.019177835689320584	be:0.018105441566827966	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
it:0.26149550415736683	It:0.18967620710799346	they:0.1261314483333742	he:0.11652588065046235	we:0.07401485075175981	which:0.06805628853842192	that:0.06061973167202179	who:0.05286050526109245	as:0.040619583527507316	:0.01
of:0.41400728502043777	in:0.16002189503994557	for:0.10219550866311994	to:0.09855292758076471	and:0.05735481805083199	that:0.045660241685728395	on:0.03952841032274958	from:0.0394566683975608	at:0.03322224523886126	:0.01
of:0.20832151523331424	to:0.17519983091160538	and:0.13556706258347118	in:0.11004426103943639	is:0.07746910453468746	was:0.0749824277542987	for:0.0714353570849755	with:0.07107338749185386	that:0.06590705336635727	:0.01
he:0.3265715023567235	I:0.14818804538311106	she:0.10427564615213737	who:0.09236248805683384	He:0.07674793394424254	which:0.07436897365170321	they:0.06773841895491699	that:0.0539219302979333	and:0.0458250612023984	:0.01
have:0.35328946251732735	has:0.26744366091419525	had:0.24268234427973348	not:0.03551493986454824	having:0.03354582231468265	bad:0.016242173594263446	ever:0.014998571799669675	never:0.014904747853835004	havo:0.011378276861744826	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.29367349886688504	the:0.14911682600021922	to:0.14071689882801586	a:0.08489010095684711	in:0.08282277761895393	and:0.0808357814228669	at:0.07568861062053932	by:0.043912393020383786	from:0.03834311266528873	:0.01
was:0.20747992240243804	is:0.184637751373615	are:0.11526204319698019	and:0.10352775572481442	had:0.09811981102298616	do:0.08700119613508239	were:0.06695632545118199	did:0.06622816503213629	have:0.06078702966076574	:0.01
to:0.4578279007081993	a:0.1619483875631491	will:0.09758166500396734	the:0.08646443354262638	not:0.05117953158224914	would:0.046002311847599946	and:0.034341192708430654	shall:0.02754035224458743	his:0.027114224799190758	:0.01
<s>:0.3070727732031811	it.:0.15908384764747605	of:0.11901925686275756	them.:0.09854176669291949	him.:0.07492008305267407	day.:0.060363021117403486	as:0.0598913868247556	time.:0.05712672429106326	that:0.05398114030776938	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.25875009921300957	in:0.21929609874040215	to:0.15276999868610247	with:0.08447873415815707	from:0.07019616330127922	by:0.060800963571779824	for:0.05617308958268583	upon:0.04408458692611747	on:0.0434502658204663	:0.01
the:0.27062093316726427	of:0.2058837608840983	and:0.08834827289900334	The:0.0853987581870392	Mr.:0.0848051425396133	that:0.08185133110159959	in:0.0776092527328897	Mrs.:0.049118875532564533	which:0.046363672955927845	:0.01
to:0.7471239968977305	will:0.06383642013749594	would:0.04568713028598977	and:0.027847297647644948	not:0.023771871959978895	shall:0.0234568265071294	the:0.019968726431251062	his:0.01981424901185792	should:0.018493481120921584	:0.01
and:0.24566925902674477	the:0.21605747548907764	of:0.14405297185882218	a:0.10077760204696248	by:0.08223391920950213	with:0.055820060720133624	for:0.051758842718962694	to:0.05087278817533964	or:0.04275708075445473	:0.01
<s>:0.34605209033714623	and:0.15134309942514337	.:0.10764209489568798	was:0.10426490179181	succeeded:0.06678317200227701	home:0.05848699844849947	came:0.05764134562515713	him:0.04943960676384198	men:0.048346690710436825	:0.01
the:0.4567338401704819	and:0.14300649607583335	of:0.11570157403049539	to:0.06943427940154659	The:0.0477842314829487	or:0.04407451791193157	tho:0.0435982444121895	for:0.035708048063081005	their:0.03395876845149201	:0.01
the:0.31035942280052664	of:0.17617691217652012	and:0.15356956026045177	in:0.07430565695068786	for:0.07115046238083511	to:0.066870011647767	a:0.05345419446517127	their:0.04258004794312745	be:0.041533731374912744	:0.01
it:0.2086245609650048	It:0.1500969292822404	they:0.1198032389680483	as:0.09533071715058293	which:0.09388267058250736	that:0.08805446043254236	he:0.08665882468405951	and:0.07606537649497168	we:0.07148322144004272	:0.01
the:0.2471795353086863	Mr.:0.21851017408747236	of:0.12446972742622825	and:0.11294806758609241	a:0.08801282779788938	was:0.05940497996129902	to:0.053410332371078124	The:0.047871768834603125	be:0.03819258662665116	:0.01
to:0.5089575638423277	will:0.16780926922117262	would:0.060894319438611164	shall:0.060821742587496355	and:0.05969018541434151	not:0.05413192491700277	should:0.03567189724551063	must:0.02299460668076006	may:0.019028490652777133	:0.01
of:0.3234796027445705	the:0.24979602481710542	and:0.12569692663921733	a:0.08295592334030137	to:0.08175880701120747	in:0.040919619414893735	by:0.034307433668320564	on:0.02591064156982346	are:0.025175020794559997	:0.01
of:0.3669901788631221	to:0.1610035233172785	in:0.09193685656931552	by:0.08654639415492955	and:0.07353785038585692	that:0.06514502068729933	with:0.05372226236014357	as:0.047748455183310466	for:0.04336945847874411	:0.01
and:0.33114587356662883	the:0.11460272121184037	to:0.1002764939750807	that:0.09744443073533511	a:0.08405289568819717	of:0.07999642864280476	or:0.07950119154317303	as:0.06347664823550365	was:0.039503316401436395	:0.01
protest:0.2352275405538314	and:0.15084612289817434	up:0.09955781058262712	made:0.09751014825504264	voted:0.08841298176843052	claims:0.08439363287706252	vote:0.078620499699835	guard:0.07798548506815406	fight:0.0774457782968424	:0.01
and:0.26816782232690883	made:0.1353453613121744	accompanied:0.10489740320306723	that:0.10274232243866376	occupied:0.08387286053848665	owned:0.07986618576242628	side:0.07912178081426335	followed:0.06919939802795592	secured:0.0667868655760535	:0.01
be:0.16870708419761138	have:0.16517355500209085	has:0.14640883171471447	and:0.13706253165945506	he:0.11038782312434464	had:0.09022582768548713	was:0.0596767353056711	I:0.059349173285853804	who:0.053008438024771495	:0.01
and:0.13664957756204757	is:0.13613780011789037	able:0.12116074363067915	order:0.11440280789677251	have:0.11124075169690283	enough:0.1019765231453788	had:0.09296051290423615	necessary:0.08819277438609353	as:0.08727850865999906	:0.01
you:0.19093663178022272	they:0.17573052025141678	we:0.16939083644656283	I:0.14338551647668044	he:0.09835885426938243	and:0.0688941686035752	who:0.06854913446658852	We:0.03784068358977454	You:0.036913654115796564	:0.01
that:0.3366859453112752	and:0.29669757814978737	if:0.06967614692918601	as:0.06703898932584418	is:0.059460632141285	but:0.057209532390087844	If:0.03918262198915969	was:0.03411200472648287	when:0.029936549036891694	:0.01
to:0.523398994912164	will:0.1219485625697037	we:0.08975346060316748	would:0.05086019444575466	I:0.05004915645370384	they:0.04382234162695804	could:0.03803220999351722	may:0.03690503470685881	you:0.0352300446881722	:0.01
<s>:0.5341107489957431	it.:0.11806707644224784	them.:0.08621294198413033	day.:0.05609416349915729	.:0.04361965019034912	country.:0.04173126606183234	year.:0.03953833668392983	time.:0.035473689109487144	vinegar.:0.03515212703312305	:0.01
of:0.5457410450297309	in:0.1199432589244782	and:0.06489004900967062	to:0.05577834533320358	the:0.05127020853553704	or:0.042186269706234694	for:0.04211856150509695	at:0.036496092677187675	about:0.03157616927886028	:0.01
it:0.17996999397799696	and:0.1467717683447611	he:0.1418893356853653	they:0.12187243234760438	which:0.10517417096667325	It:0.07987872563752177	I:0.07603323103872063	who:0.06995382099532323	that:0.0684565210060334	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
this:0.22750575051164204	the:0.22129398980770737	a:0.18000461317831748	last:0.17275702481455327	next:0.06136570369933141	Last:0.04511944134647149	one:0.03890803416331346	past:0.025208924358833276	each:0.01783651811983016	:0.01
together:0.41806924273470086	and:0.20729818262112892	connection:0.06938401986937735	connected:0.06191841831840699	it:0.05419620132344389	do:0.04868631902903216	Together:0.04814491198966658	him:0.0434621770341045	them:0.03884052708013888	:0.01
the:0.6216799843632658	this:0.20603137471869634	a:0.04915845841860356	tho:0.02318590940770176	The:0.02261219266203128	said:0.021662207125683525	other:0.020936533978836665	his:0.012381366283211567	our:0.012351973041969546	:0.01
;:0.2588611970709363	it,:0.18447127095098959	them,:0.11050048845933373	him,:0.09235461919102587	in:0.0782856933389489	time,:0.072401539945486	him:0.0695881080642391	country,:0.06453690861971835	years,:0.05900017435932212	:0.01
he:0.21261851657975173	who:0.14319637180260292	have:0.12917883371989794	I:0.1206642932995272	and:0.11161617598669438	they:0.08941628715122446	has:0.06500443158148157	which:0.06463852520747673	we:0.053666564671343064	:0.01
or:0.7249904927829421	the:0.08915672238229434	and:0.05941163936837599	a:0.05469530833423353	of:0.019820322289059458	this:0.011138411943604522	as:0.010709403863797687	in:0.010424282686399696	that:0.009653416349292562	:0.01
that:0.24070356897177692	and:0.20663739542455684	but:0.11249245088808989	which:0.08495451539749249	if:0.07978775183952877	as:0.07882064849224737	when:0.07322290696827845	what:0.06140855944929351	If:0.05197220256873586	:0.01
the:0.2366695049741145	of:0.171417182725107	to:0.1103642950013706	and:0.10573472350497891	.:0.09473422559031636	Mr.:0.08825249857628616	a:0.0777462500971279	in:0.0620918774307186	at:0.04298944209997995	:0.01
day:0.2128640427439615	quarter:0.1859573760853652	corner:0.12001635765180989	.:0.099122776912902	part:0.0897989854926846	line:0.07683154100277699	side:0.07510303555244574	years:0.06983569714768553	out:0.06047018741036833	:0.01
the:0.4009889255428748	of:0.19750824558098926	a:0.11644335758698361	and:0.07219089007473206	Block:0.05757683015736242	to:0.04557417605672398	at:0.03634591352320231	in:0.035953726425456516	on:0.027417935051675058	:0.01
to:0.6417859677638291	and:0.08193605246672958	of:0.06718545425850249	will:0.041202748712049465	a:0.038988114747276655	under:0.034317208296597436	not:0.03277738859763358	with:0.026278863630313294	the:0.025528201527068403	:0.01
the:0.25470561870247754	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862254	in:0.07582920922781207	was:0.07101916294765154	a:0.06560002811236118	be:0.05991783825325076	is:0.04301373266798011	:0.01
in:0.17716527029683388	and:0.1424706769959705	for:0.12588358528678734	of:0.12010880453423659	was:0.11940654860721257	is:0.10368911283881141	to:0.07944444188555404	with:0.06501782257451191	In:0.05681373698008174	:0.01
State:0.2767228079659295	state:0.1782555100879377	city:0.12050280083401431	county:0.09809710820313691	out:0.07946437647241622	part:0.07016740794698276	line:0.057067834287051186	Secretary:0.05649038011282105	side:0.053231774089710374	:0.01
the:0.38170558820508393	a:0.13330398648647718	of:0.13151729944617407	and:0.11507380082190127	to:0.08629273407169955	in:0.051168328117980645	The:0.034191606175480165	or:0.03129939213000163	tho:0.0254472645452015	:0.01
the:0.28598316900098664	this:0.12245155530051027	This:0.10996471727444128	no:0.10449136297721218	said:0.0957221358107657	The:0.08005758060365675	of:0.06695585000079414	such:0.062459909788282496	that:0.061913719243350394	:0.01
of:0.23174879164876638	in:0.2009302587753839	to:0.14369638798377726	with:0.09442453979807935	by:0.08680579076690506	for:0.0687886915418614	was:0.05809261265721879	is:0.056277222952741124	In:0.04923570387526673	:0.01
<s>:0.28898077594757904	it.:0.23249985050338867	them.:0.13666514243598338	him.:0.08137007689534766	time.:0.05355495582697516	again.:0.05338052269328884	life.:0.04819704793812784	us.:0.04817276398626738	her.:0.04717886377304209	:0.01
one:0.33821170545609774	some:0.16364884122950468	many:0.09430886169472241	all:0.09045765748417335	One:0.071993659024714	Some:0.06713734538714679	any:0.05774522523283729	part:0.05411293400777835	out:0.0523837704830253	:0.01
of:0.36269225028647795	the:0.1335543488945032	to:0.10974111739382623	and:0.09835753922570636	by:0.08627274012252902	<s>:0.05934437377286957	at:0.05251670345035104	in:0.0443191278258947	for:0.043201799027841964	:0.01
not:0.20850154377871763	is:0.18282605372547261	was:0.17746654829443945	and:0.11198455649754113	are:0.09910811358993711	be:0.08034050753403583	were:0.06228835902157015	but:0.03740937852848596	Is:0.030074939029800022	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.0920144699599962	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
and:0.23306188787116416	to:0.14476052558213842	the:0.1438279815633128	of:0.13044061748839889	be:0.10014720329629724	was:0.09622769726485964	were:0.05057499347009562	is:0.046828783738384665	been:0.044130309725348475	:0.01
has:0.33877148646798827	have:0.3365995842153589	had:0.21195042618547938	having:0.027998684325870604	not:0.026907240623111842	never:0.01348057489699948	bad:0.01241314105409844	always:0.011357475501917022	ever:0.010521386729176033	:0.01
a:0.5996658430342414	most:0.1278786362839487	very:0.08001827842961358	and:0.057814760519859676	the:0.049551938229410196	his:0.021817295002318264	to:0.02006137871461147	more:0.017218473685251003	in:0.015973396100745774	:0.01
of:0.4118855655127535	in:0.19750716186588496	to:0.07200951730890114	for:0.06777953286251977	In:0.06471382629880434	by:0.05416184924610574	that:0.0450611333658029	with:0.04048821782817717	and:0.03639319571105036	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.435650234199424	in:0.11286737250567418	to:0.10252999923632494	by:0.070174205181778	and:0.06901612794255005	that:0.0546579812627926	on:0.05150376283875779	from:0.04739637619898468	for:0.046203940633713636	:0.01
and:0.29425198154184773	sale:0.162672233995046	therein:0.12833104752857116	which:0.09064337598868029	that:0.08732611019028493	he:0.07653729011712798	they:0.05183631519352127	as:0.04990751689683606	be:0.0484941285480847	:0.01
it:0.1986124144720724	and:0.13226670871836668	which:0.12702790304094777	they:0.10192624669125538	It:0.09591631274075413	that:0.0904855583437596	he:0.08496392694000307	there:0.08185776888634338	you:0.07694316016649773	:0.01
and:0.27934715980209673	it:0.16976300568676034	that:0.11023417661449617	is:0.09166983655449094	which:0.08981866710064551	he:0.06713760385623319	but:0.062364175001032834	as:0.06142029100402083	It:0.05824508438022352	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
the:0.4189880221965892	and:0.17069040308533043	a:0.10452522887362609	as:0.062371402937149524	The:0.05335068827171191	of:0.052696518150344776	to:0.04969870448107232	tho:0.041675815637812356	that:0.03600321636636364	:0.01
the:0.24967143819518636	of:0.173954405655348	to:0.16853828370182683	and:0.15452032421172146	in:0.05409168183924846	is:0.0493164085278824	be:0.049290830765090825	a:0.04655076462966391	was:0.04406586247403171	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.26115331691038857	the:0.19920385708200553	to:0.140933816194697	and:0.1282816811178197	in:0.0991279481785588	a:0.05549715743701835	as:0.03556143671948028	that:0.03519143287522001	which:0.035049353484811786	:0.01
he:0.37749133324155076	I:0.12763496014369502	who:0.10419920045243757	she:0.08550145120888826	and:0.07699747246022437	they:0.06311145262673643	He:0.06292470474604256	which:0.04614181015577358	that:0.04599761496465136	:0.01
be:0.2511643500049638	and:0.15201088205300817	he:0.1321847341511396	I:0.09796508687529647	was:0.09683315289282234	have:0.0918029580901791	been:0.05895983243150856	ever:0.058440374492098886	had:0.05063862900898298	:0.01
in:0.2882190296604175	of:0.21152089406549265	for:0.12919973174128085	to:0.10135699647322584	at:0.07905428127982783	In:0.06684394128108141	on:0.03981879964386827	from:0.03753442635560941	by:0.03645189949919622	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
to:0.27521863989684375	of:0.220633220136453	with:0.13778377397442032	for:0.08819813253104082	upon:0.08634307320291457	by:0.0571110278864147	from:0.045844701787908615	on:0.0423884318625308	in:0.03647899872147357	:0.01
the:0.444075491277282	his:0.1058972534213101	of:0.10421144640037677	The:0.06157287815184232	their:0.06006106803659481	our:0.06001475785754705	her:0.05703944414374481	a:0.049601217504247154	and:0.04752644320705479	:0.01
and:0.31227723688420256	the:0.14675632025084748	he:0.10215591103467554	as:0.0896686420959998	it:0.08797824911452043	It:0.08001509137418243	Colum-:0.06416627488528395	that:0.060881153823199426	or:0.046101120537088376	:0.01
I:0.2997053708636389	not:0.17014975494880383	we:0.1337511435044756	you:0.08696903947908137	they:0.08617604569293982	who:0.06902633107914667	We:0.05553596343789606	to:0.05499233439263926	would:0.03369401660137821	:0.01
about:0.22710434812142438	of:0.2116057699860478	and:0.14964989149510932	than:0.11244805224650817	to:0.10532082607125716	for:0.07803099438135536	at:0.0420652089571138	nearly:0.03208482145419718	over:0.03169008728698669	:0.01
to:0.198057137488605	of:0.11699375399543009	are:0.11377846289307855	and:0.10512951835246155	was:0.10326579340544376	a:0.09717517090836164	is:0.09472767854200102	the:0.09068399383010045	be:0.07018849058451782	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.24784653678540802	have:0.14936080523984158	be:0.14461275213302455	I:0.09549383519514301	had:0.0839624699187972	he:0.08356148059282041	been:0.06367339069867543	was:0.06212914356420674	has:0.05935958587208298	:0.01
and:0.24715944158911993	depend:0.10115542297585235	based:0.10085046174861782	placed:0.09929781518962862	depends:0.09865819847804204	called:0.0967281156431388	down:0.08601932662424668	made:0.08525060516232963	effect:0.07488061258902408	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
and:0.3309066756559541	demand:0.11951725037001645	ready:0.09893866457384981	used:0.09514434972463204	time:0.08611259291726484	not:0.0660784836651807	vote:0.06597209943325834	it:0.06550607031200961	candidate:0.06182381334783411	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.17120523003948124	is:0.1609791344519282	was:0.1300192015444911	with:0.11496398775389982	by:0.09343276264750118	for:0.09097074275598953	and:0.08538825124447084	to:0.07229108179325534	in:0.07074960776898281	:0.01
seems:0.411152360615434	seemed:0.12581902986422194	come:0.07724568346954201	came:0.07593595390034137	as:0.06943264583655447	up:0.06317404593321652	and:0.05812484657750463	it:0.05544503227250369	occurred:0.05367040153068152	:0.01
the:0.26014728862680986	of:0.24220432317201404	in:0.11903154204280668	to:0.08848490952028924	and:0.08749345694143737	a:0.06236814287433011	as:0.04599026205556184	at:0.04363452773924402	be:0.040645547027506924	:0.01
the:0.37468832132222996	of:0.10784994556609831	two:0.10637241207263173	a:0.10128804441265721	<s>:0.07981665252002379	and:0.060542939561261194	feet:0.057069694706439564	at:0.05571092300371758	his:0.04666106683494064	:0.01
feet;:0.3294638704106427	running:0.1732090236499541	feet,:0.15047486162591014	;:0.08538959805193397	feet::0.07052477135655162	street,:0.04936640188966238	and:0.047998167433528374	point,:0.04312258726557472	2;:0.04045071831624201	:0.01
the:0.41507592463131454	a:0.14558960463991416	of:0.103665566749041	and:0.09562540543264014	Mr.:0.06468144118791921	.:0.044955789347190404	his:0.044596928584821297	an:0.03944415861226824	The:0.03636518081489097	:0.01
of:0.23531245396593406	and:0.20263117590375904	to:0.10610916169501212	is:0.09026009560407866	with:0.08517094653673214	in:0.07615945896860467	for:0.06651532193503089	was:0.06528375376134608	that:0.06255763162950234	:0.01
as:0.4065181030854651	the:0.19245737054321616	and:0.07553359728446342	so:0.07361217490615318	very:0.062105111942678086	how:0.05621228123166201	a:0.050035146829249075	if:0.03806939777425707	The:0.03545681640285592	:0.01
of:0.30399212143103177	the:0.18896643332380744	to:0.15198620140005717	by:0.09816945292511042	in:0.0820352570361127	and:0.06155942930867883	with:0.040865510895991324	which:0.03128142659421389	on:0.031144167084996524	:0.01
day:0.20240002695195258	vein:0.12865954019524617	one:0.1146446655310812	line:0.10245728874463506	side:0.09783684294897306	part:0.09461604759240946	in:0.08364226947287831	on:0.08359135138497124	land:0.08215196717785289	:0.01
statute:0.4186740486360634	and:0.1773874122872153	that:0.07552749244437032	or:0.07132424490596527	as:0.05800094168043707	is:0.05059550344693197	it:0.04914277446266791	was:0.04506424724176516	be:0.044283334894583616	:0.01
and:0.5095190979936209	that:0.1419987710455082	but:0.1246971741808608	time:0.052856599086597275	and,:0.03638756883139097	was:0.035284877063652104	But:0.03157099752892951	it:0.029068272942574316	ago,:0.028616641326865883	:0.01
the:0.3451147836250196	of:0.2009760485586474	in:0.09760585083555284	and:0.08336205092240283	to:0.07780141922026608	a:0.06620370538837768	.:0.05055264998771555	at:0.0382407398689514	for:0.03014275159306661	:0.01
the:0.6469534454590343	an:0.0887417674904894	The:0.08830003421090472	a:0.05761711306591886	tho:0.03686337576800859	no:0.02024838065212861	great:0.018181046256030186	tbe:0.017525250765671036	sole:0.01556958633181426	:0.01
the:0.23884928566574878	of:0.22841781160523592	a:0.17386962480461948	and:0.08876583977758414	in:0.07856945814260011	to:0.06637159256275596	that:0.0463928083853103	for:0.03663893533613662	an:0.03212464372000861	:0.01
the:0.18967412161958205	and:0.16039812387112398	be:0.12426122688981939	was:0.12339453984543904	of:0.11493837137436898	to:0.08700087712254828	is:0.07482363279220873	been:0.06158286699078446	a:0.053926239494125026	:0.01
the:0.3097079253619076	of:0.2659434371203223	a:0.12747387852391406	for:0.0633620098782895	and:0.05779531694781473	such:0.051701147594935264	in:0.04402111053296229	all:0.03559266730744287	other:0.03440250673241141	:0.01
of:0.3456534994314351	with:0.15999752877189857	and:0.11159215715017097	to:0.11143029452641444	in:0.08635871597374029	on:0.06536797276794956	for:0.04136425303172227	by:0.035592538897484476	is:0.032643039449184376	:0.01
the:0.3095876780584938	of:0.17316931702614413	to:0.12268602141238893	and:0.12089557564332551	a:0.08723231527611129	in:0.05333032522055631	be:0.04669364142145447	is:0.03842252484347462	for:0.0379826010980508	:0.01
it:0.1921278232971985	I:0.16353672814364642	he:0.14828097751304353	It:0.12009222869643395	we:0.11874289695586418	they:0.11459528351250944	We:0.047894328539064	and:0.04657853342455461	you:0.03815119991768531	:0.01
of:0.29790080961791876	in:0.23002241645480104	to:0.11281211589414142	at:0.11006271809463421	on:0.0920873899730864	In:0.0509484804810526	from:0.03996176466618113	by:0.030685336717867603	with:0.02551896810031683	:0.01
the:0.3697654640095182	a:0.16756524887954807	of:0.1413033644949517	and:0.10481993325614732	to:0.050351094877034326	The:0.050204585097669466	at:0.03789209116998818	in:0.03440364527466175	Mr.:0.03369457294048078	:0.01
of:0.26494060581815454	to:0.16418065921305036	in:0.1503491809495235	and:0.1229783906245008	the:0.09740874737296835	a:0.06121354763522007	with:0.046354031495209884	In:0.044999648571575415	for:0.03757518831979709	:0.01
the:0.3787533404207069	and:0.1658341956603535	of:0.10255045338799598	for:0.07751684634341297	a:0.0730062923066815	in:0.06899561332090348	to:0.05050267162327506	or:0.03686891462277409	was:0.03597167231389657	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
the:0.3439865230932211	and:0.1458854115074425	of:0.1341109670607927	a:0.07863993025420293	be:0.06536689997372996	was:0.060997355245292144	to:0.05804495461843789	in:0.05343860897066103	is:0.04952934927621987	:0.01
is:0.41602376895788695	was:0.13027387386359607	and:0.11490051353292391	are:0.07175062940618297	be:0.055794184766078274	Is:0.05573879328121847	has:0.05310948590439003	not:0.04735068667767256	it:0.045058063610050776	:0.01
and:0.2962669898592672	made:0.15510784918512732	or:0.10615493146181892	but:0.08112997524598134	it:0.07594063636413168	done:0.07326676586839144	shown:0.07058165466297546	him:0.06599543845608538	ed:0.06555575889622141	:0.01
of:0.24101814714590317	and:0.15853340819123674	in:0.11398903483427462	with:0.09131921873928764	is:0.08769207303196974	to:0.08442576824891843	was:0.08384640368075044	as:0.06734628580547813	by:0.06182966032218088	:0.01
of:0.25160013504100825	for:0.15053567505795606	in:0.13178218703506062	and:0.11352487717883515	to:0.11315948459391707	on:0.06605626396068934	that:0.06518593883364604	during:0.05117102582552417	In:0.04698441247336327	:0.01
the:0.3917627351632284	of:0.17191096405693984	to:0.12297595959423421	at:0.07226510522034309	and:0.06903704402813833	by:0.05056043780181515	<s>:0.041124036937808854	in:0.03697939447906569	said:0.03338432271842645	:0.01
of:0.27350123968613427	in:0.17551693064129933	on:0.11824941070899106	to:0.11002006542796014	at:0.07722916109576557	for:0.07254089102022633	and:0.06450872872303744	In:0.05180160395396008	by:0.04663196874262568	:0.01
it:0.28106930323478374	It:0.22079703158687874	which:0.09733928975231702	that:0.09419944795994226	This:0.08562594454299967	he:0.059955834362739616	there:0.05752993539824749	and:0.05515474481500406	this:0.03832846834708737	:0.01
the:0.2754312926230506	and:0.1611309031532695	a:0.15778029771125415	it:0.09008427277584523	of:0.08178159353196576	to:0.06191839858495566	at:0.056307668813715996	that:0.054000821058812966	he:0.051564751747130134	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
he:0.2602671873223436	it:0.20217483533329575	and:0.10578413333132819	I:0.09080667931344989	It:0.0907395135843138	He:0.06568756643563636	which:0.06196525742289797	she:0.0614181150601663	who:0.05115671219656822	:0.01
the:0.30502740263400346	a:0.29574507514194076	and:0.13286872432165184	of:0.07121628459616638	to:0.05490612886722639	for:0.04521199579120208	with:0.034783378893728005	The:0.025396820465701384	tho:0.024844189288379875	:0.01
a:0.33446721328493534	by:0.18846964517220247	the:0.15561775228483143	of:0.10457134742498593	and:0.05219154527947259	are:0.0495767326155963	most:0.0397577513682632	some:0.03363693095969993	is:0.03171108161001289	:0.01
to:0.29424304609758295	and:0.17509069669912075	will:0.13594355957494209	not:0.11443145080436781	we:0.06991770220659495	may:0.06191754529605525	would:0.05558569950931631	can:0.04163848027480122	you:0.04123181953721877	:0.01
and:0.17082046578071827	put:0.15526386547990995	as:0.1251933516431479	of:0.12338248111159618	to:0.11168370613519756	for:0.09576030799939818	that:0.08756318744957066	with:0.06335269927170917	make:0.0569799351287521	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
the:0.32282502324564166	and:0.19037863250757886	of:0.17225686026788187	to:0.10504189560269267	The:0.04863952602386456	is:0.04017858724950789	that:0.03951387455255484	was:0.03579590524360478	a:0.0353696953066729	:0.01
a:0.25837515361454694	so:0.21204397014417575	feet:0.15618664675848032	the:0.08997457789642417	very:0.08288716458686338	too:0.052064363743178126	inches:0.04748497342524908	as:0.04646793915255795	was:0.044515210678524215	:0.01
and:0.26627119886116885	of:0.23615787191543813	in:0.13367407937591402	said:0.1044601600820278	to:0.06311905513975115	on:0.054279891219144276	fact:0.04585699298474716	for:0.043775089152924544	all:0.04240566126888418	:0.01
is:0.2621660171069832	and:0.17115498006409013	was:0.16635879700093317	have:0.08576262754267881	had:0.07729937430580197	that:0.0641686866094928	do:0.06031757677249163	say:0.05184509583971008	Is:0.05092684475781829	:0.01
a:0.23620251285510865	for:0.187744673880631	the:0.1772100621910192	of:0.11895487686638401	and:0.0683162185363765	to:0.05740220419953837	at:0.056271367490556695	in:0.04844381778611482	very:0.039454266194270685	:0.01
of:0.2649070255925891	in:0.24586399649839555	for:0.08045271922763904	are:0.07999105963077054	and:0.0752889714243079	In:0.07341428444210027	by:0.06444484611885447	the:0.05328318091749328	with:0.052353916147849955	:0.01
would:0.22980511667265655	to:0.17299540970927665	who:0.12482764014450815	they:0.1035530767531353	I:0.09251266344910343	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.055635813079984546	:0.01
of:0.32561122357968847	and:0.17608964864948812	for:0.12674735291636488	the:0.10356828889207519	to:0.07855504298214706	in:0.05772666372214266	at:0.05710630815984487	be:0.03332732979466993	two:0.03126814130357888	:0.01
number:0.21565724575094428	bushels:0.21232991957138062	bushel*:0.14182276153276432	lot:0.07753457712670865	amount:0.07310991412435328	rate:0.0726985283662198	one:0.06857163275529857	piece:0.06496139973415208	cost:0.06331402103817842	:0.01
the:0.5569778523078637	a:0.13009862741107892	and:0.10097076440496779	The:0.055037323972442084	of:0.044313136199435874	tho:0.03988537402893128	or:0.021648158527426235	tbe:0.020595499604320125	in:0.020473263543533984	:0.01
the:0.36753507773552924	of:0.14565415795429418	to:0.10671200249806771	and:0.09808379461992708	be:0.060301451713068194	in:0.05480510069461998	or:0.05341745427132001	at:0.05307033823389208	a:0.050420622279281437	:0.01
the:0.4296733500335901	a:0.30677805126575586	of:0.06029590949388562	The:0.05322170354312578	with:0.039216402772143465	and:0.0350654902695585	his:0.025048632470323417	tho:0.021419640146003824	in:0.019280820005613347	:0.01
those:0.2603883634814978	man:0.15072846752267213	one:0.14815784771062834	and:0.14114720978654377	men:0.1027254816828118	all:0.07289365326275182	people:0.049218917881161305	persons:0.03274895452230092	Those:0.03199110414963213	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.30365427752043556	of:0.19764969723808876	their:0.19728920952808343	his:0.07115419735409735	our:0.06173261176163904	good:0.044281809789762094	in:0.04155513139456105	and:0.03799481899757617	a:0.034688246415756664	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
be:0.3317420679721575	was:0.22393253489166695	been:0.13614465800040249	were:0.07986345763372708	is:0.07005502292238816	are:0.0513399625661295	being:0.04454482226387151	and:0.0302158852657953	have:0.02216158848386158	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
the:0.378847896207496	at:0.2785891641799811	to:0.09724149675874286	was:0.04721736314395452	be:0.04482413814744208	and:0.03747396275118103	The:0.03742123041645135	not:0.0362824428700912	At:0.03210230552465989	:0.01
containing:0.2907485330480841	of:0.2290335815430217	about:0.16500839975180295	and:0.10884043361821666	than:0.05665206187781796	west:0.03588851763731384	the:0.03542801754192513	or:0.034927231909333334	east:0.03347322307248439	:0.01
of:0.42598431937852127	in:0.1289229910457099	to:0.11658071467902745	and:0.08543495718541111	by:0.061447575447941424	that:0.05815014874028654	with:0.039363758173290485	for:0.037190433018831064	all:0.03692510233098078	:0.01
the:0.42004914683065936	of:0.13466973569051718	and:0.11122404163358073	that:0.07335130050379035	The:0.06686076414154887	a:0.053878657084209296	in:0.04843421049538479	or:0.04344491920696621	to:0.03808722441334332	:0.01
to:0.674289708682571	and:0.07649160332516891	will:0.06847067181221367	not:0.03305813622409864	can:0.03217408197972449	could:0.030726602811419795	would:0.029562487268582495	I:0.024720767215461625	may:0.020505940680759487	:0.01
so:0.30106764526166185	as:0.1594142417368375	too:0.14662293735068116	very:0.11912597325596035	a:0.0768337391180406	how:0.05921979456784427	of:0.04547482314572756	is:0.045405427348809854	not:0.036835418214436796	:0.01
and:0.22951092858289457	it:0.1512778538333323	was:0.11219432297099576	all:0.10409079886332842	as:0.08303991963439632	that:0.08236412154492054	the:0.07955017585729351	of:0.07703697220516935	a:0.0709349065076692	:0.01
are:0.16889760685900398	is:0.1580038897917354	was:0.15369986534063684	from:0.14200040071951073	the:0.12676386734269812	and:0.06941344371416763	were:0.06725177495788442	of:0.06406520268344994	in:0.03990394859091285	:0.01
the:0.38508053275627013	a:0.22082176886430108	of:0.09252088585731569	is:0.06294892012224808	as:0.05153625294163293	was:0.05081124861137301	his:0.04876654347848022	and:0.04076288087698164	The:0.03675096649139725	:0.01
of:0.1923423389473129	and:0.18855488330391665	the:0.1343265388445949	-:0.12752795933168284	that:0.07771920218397271	in:0.07355704690192338	to:0.0718274602186116	a:0.06655240074135338	I:0.05759216952663152	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
.:0.22188304619271107	A.:0.13314081291754126	J.:0.1232010355496155	Mrs.:0.12155464121767948	W.:0.10279181993318656	C.:0.0871387131679308	H.:0.08174275999294972	E.:0.06064726678529458	Mr.:0.05789990424309107	:0.01
they:0.28031735430951304	we:0.16774221043545073	who:0.12957797082145023	We:0.08153493804751272	you:0.08033099325581512	which:0.07739365992873477	They:0.07713441997648454	and:0.05804151830273411	that:0.03792693492230464	:0.01
just:0.16560397216590092	and:0.15632349367944437	is:0.12599640747135732	such:0.1016484650017462	well:0.09791772522174456	far:0.09638031355853464	it:0.09579489107342148	are:0.07859447935027129	not:0.07174025247757924	:0.01
of:0.3146203398414707	the:0.3010308135742531	and:0.11042429221590083	The:0.09163641271600013	in:0.04285320220602752	said:0.03668159438202628	that:0.03289065813125698	by:0.03149510228377484	tho:0.028367584649289537	:0.01
be:0.33427144011200727	been:0.19771875179349419	was:0.1740126493198979	is:0.07980974488369767	and:0.05726925201776004	were:0.05181914719960441	being:0.04252447765411999	are:0.030326877160928904	as:0.022247659858489623	:0.01
of:0.2031739616185215	and:0.13548357950372356	to:0.1169634844370666	is:0.11229325087655455	with:0.10863235700154433	as:0.0912825709703543	was:0.08267520742978153	by:0.0746917706207158	that:0.06480381754173783	:0.01
made:0.24045435542744667	and:0.23464210073409186	or:0.1200765638048787	it:0.07362996342121234	paid:0.06765443619763342	accompanied:0.0676382050027566	that:0.06328132990515498	ed:0.062213755465309065	done:0.060409290041516336	:0.01
in:0.45159886972343405	In:0.24027761420449106	the:0.11375618971363702	of:0.1003788302093203	a:0.026003833360011774	for:0.02268032022637342	and:0.0157784596985973	this:0.009988067277186907	any:0.009537815586948264	:0.01
and:0.3129005956571635	that:0.19140349190598296	time:0.10438111160868258	them:0.09663102062914825	all:0.07853651766771139	it:0.05674768867633205	made:0.051745350253922504	or:0.05069996896886639	him:0.04695425463219023	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
the:0.4438434264564302	and:0.10380451573481511	to:0.08880536659965407	The:0.08609488305295737	an:0.0634264765337338	of:0.06148950847492813	his:0.058441947519856124	a:0.049842608362047666	their:0.034251267265577506	:0.01
was:0.28679241511835607	is:0.14534843103394035	be:0.11941020380962945	were:0.09093205340035188	are:0.08792238418572162	and:0.07495714050227993	been:0.0647006722531123	not:0.0642968787603287	or:0.055639820936279595	:0.01
of:0.3389740066074303	the:0.23012364191281118	in:0.1103184793951763	a:0.07819244808073063	on:0.0645740467019648	to:0.05858664609578327	and:0.0454449959149119	for:0.0333749068003003	by:0.03041082849089132	:0.01
the:0.7718005595855677	The:0.05118134811721948	tho:0.0389505676232282	his:0.028400936741793188	its:0.022719477108948043	their:0.02256654795727768	and:0.022561626200781972	our:0.01625291385614184	a:0.015566022809041992	:0.01
the:0.39447623537940263	and:0.19759877609372792	a:0.08232966065156176	of:0.06190913726089489	or:0.06156021279163969	The:0.05715504925906254	old:0.05405087785249397	that:0.04436345494671798	tho:0.036556595764498594	:0.01
is:0.19632617624270057	of:0.14610673016430537	as:0.1271493600699241	and:0.10539754498734417	to:0.0960705246646592	was:0.09349981945793699	with:0.08994922835353843	in:0.0771157627479134	be:0.058384853311677774	:0.01
the:0.5627421555052047	a:0.2515905143199353	The:0.05073201934944475	of:0.0274740312369221	tho:0.02701010238028267	great:0.02468768489205045	and:0.02005681968025404	large:0.013935308545183194	any:0.011771364090722864	:0.01
to:0.5342570118458025	a:0.2120640742161015	not:0.0620817371032053	would:0.044063919500480685	will:0.03957435461629983	the:0.03559260854867281	shall:0.024932290093763902	may:0.0193205148356947	could:0.01811348923997855	:0.01
50:0.16849468235465817	ten:0.14825237516962173	fifty:0.14522760423051187	25:0.11627662161818783	10:0.09874091367835039	five:0.08942429646830315	15:0.0865667100313773	5:0.06907261648367205	20:0.06794417996531754	:0.01
feet:0.15747443698855038	up:0.15322422173060604	out:0.13717258803134172	said:0.11410201089811176	down:0.09207361488183084	made:0.08681132635523754	and:0.084961307271445	back:0.08371150511882033	him:0.08046898872405626	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
it:0.28002465366503687	and:0.1547777786133366	It:0.12398313708562755	he:0.10796375345733362	three:0.09108929433546252	man:0.08276041035297516	ten:0.05459530659912678	He:0.051192475157582205	.:0.04361319073351873	:0.01
the:0.47628827864213524	of:0.12652965036381308	The:0.07182381795963959	young:0.06687118141905199	business:0.059620362957729746	and:0.05434423330362082	all:0.05342427884593533	other:0.04103950683975551	two:0.040058689668318576	:0.01
the:0.2781006807555158	Mr.:0.20279267951665778	of:0.13237428459760445	The:0.0866001262227909	and:0.08328248282159866	that:0.07698677073899704	a:0.05770113214848798	Mrs.:0.039502858498326084	.:0.03265898470002127	:0.01
it:0.35505309117815476	It:0.2256851548211504	which:0.09186997500389063	he:0.07427712557156563	and:0.06860291172058657	that:0.06252393229388647	there:0.045646756155683414	who:0.03881624702318383	This:0.027524806231898347	:0.01
of:0.43651002471909717	in:0.25164894339035293	and:0.08786515080455815	to:0.0512465343583324	by:0.04275713535726799	In:0.04088452841127196	the:0.03460990832224486	for:0.0229960775487704	New:0.02148169708810416	:0.01
one:0.26177410899864684	out:0.15556960502827208	part:0.1300889311722691	some:0.11334280627319535	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229724	and:0.0565737601528326	that:0.055371084160479686	:0.01
and:0.3714032462716787	or:0.1293828018427618	them:0.0830533692653885	done:0.07687470522004677	only:0.07074473524988606	but:0.06979708975761743	that:0.06689898476593081	him:0.06277707251150139	up:0.05906799511518849	:0.01
the:0.4198701662031699	a:0.3336204155201463	this:0.05466986453588396	any:0.03365269635330322	one:0.03184291510749766	his:0.031504479107048164	The:0.031207264857535073	tho:0.028866991307475862	each:0.024765207007939816	:0.01
to:0.19840789771278963	the:0.16114678108014394	of:0.13819408062443525	in:0.13133553890416433	and:0.1253786529831839	a:0.09271577358059077	at:0.0633655169001767	for:0.0423163546683177	with:0.037139403546197776	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.2709209230429934	and:0.15453410267929987	to:0.13453765071023277	that:0.12692719009070444	by:0.1121623800103856	girl.:0.054785111210275204	boy.:0.04910596613668657	with:0.046162892144821985	<s>:0.04086378397460022	:0.01
to:0.30102863785986816	and:0.20724594162951251	of:0.11561430117577177	the:0.08949931874126583	in:0.06780950692820926	is:0.05678672479774325	I:0.05395775487226535	for:0.04939417435915029	not:0.048663639636213486	:0.01
the:0.32154637247020473	and:0.15402201449199623	of:0.14205255028585398	to:0.1086918989312306	a:0.09152958460709819	be:0.04966102920900251	their:0.044357774866503503	his:0.04039446568896741	for:0.03774430944914283	:0.01
and:0.33423605338123746	that:0.17138278758600486	as:0.16225940129579225	but:0.12420802109524334	it:0.0518093980333359	and,:0.03732999120235416	But:0.03727129832292548	do:0.036257806847872	which,:0.035245242235234474	:0.01
they:0.16075476950393633	it:0.1550230902383805	I:0.10991514929663299	he:0.10634399749918766	you:0.10270584755573017	It:0.10006021853717872	which:0.0966256987942175	and:0.08611831152310326	we:0.0724529170516329	:0.01
that:0.23081913998060427	when:0.1519324131877713	as:0.12760140626824665	which:0.12682449237617033	and:0.12017068715119081	if:0.07884050551524553	where:0.0604249172355172	but:0.04937453680899256	before:0.044011901476261314	:0.01
Mr.:0.6271208065520876	and:0.10182526599961059	Mrs.:0.06524742570494821	of:0.052058839713528045	Dr.:0.04458638733882684	the:0.029001634734444507	Mr:0.025070509957406867	Senator:0.022646995843876246	.:0.022442134155271118	:0.01
of:0.5126247196896901	in:0.16185304930269856	to:0.106579880489705	by:0.04240914811681749	from:0.03638281895482221	In:0.03309658921649156	and:0.032634726002151795	for:0.032236454545220734	that:0.03218261368240254	:0.01
of:0.6694481175722685	in:0.09725745904279076	to:0.04525434789414319	In:0.03439403972591451	from:0.03345195281202521	on:0.03327407377403157	for:0.03301024777026857	by:0.02215862195926694	and:0.02175113944929059	:0.01
at:0.34162071099037644	of:0.17049264054604993	to:0.14523845158303975	on:0.13077718464012406	in:0.052980134168728585	from:0.04739957809312319	and:0.04444413748388868	that:0.02888445557370119	with:0.028162706920968072	:0.01
of:0.2047556480563323	for:0.1694005211985095	enable:0.13515529519575864	to:0.12357079414328452	from:0.10345897574177258	with:0.08971371221606815	upon:0.06185516165493177	give:0.05342195749539524	by:0.048667934297947246	:0.01
in:0.2291796231230006	of:0.19894604768114812	to:0.12894122755459386	for:0.0981401666214376	with:0.0799494179447224	from:0.07786568636192283	by:0.07136739601410988	at:0.053415232000225306	In:0.052195202698839635	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.2970878080273246	of:0.25737595057347007	two:0.09981816629019	young:0.0937862060141909	and:0.07514021246133507	The:0.056372899481726337	these:0.04309646854827564	white:0.03512940189854192	all:0.03219288670494561	:0.01
of:0.20414768811987175	and:0.1839695381488261	to:0.1743375576935691	in:0.16321301077947517	for:0.09971825141960501	with:0.050463570121247095	not:0.04877453583825413	a:0.03416717462750269	is:0.03120867325164895	:0.01
one:0.272561840834379	some:0.17567181277195737	many:0.10063293298888824	all:0.09012185611021117	out:0.08848657377219274	part:0.08783075355359866	any:0.06250830842543066	most:0.05768093203675736	portion:0.0545049895065848	:0.01
and:0.25157976467555726	as:0.24791883479597007	it:0.11705236512009617	so:0.07455984759410891	is:0.0707093314308938	be:0.0616443502312598	he:0.05879789877952252	that:0.05752940734746212	which:0.05020820002512931	:0.01
the:0.42667279810216036	an:0.19222578425813555	in:0.15709481832451486	In:0.05453519984376548	and:0.052402592049178104	The:0.03191358513521491	this:0.029864148485242194	tho:0.023441454086838627	or:0.021849619714950044	:0.01
and:0.2868283923681086	of:0.2734541139455266	on:0.08051798533019235	that:0.07392169525236238	to:0.06796834389390678	with:0.061112474182458056	for:0.058596536361262976	in:0.04479835485184131	<s>:0.042802103814340894	:0.01
of:0.258583619512325	in:0.17028710488981819	and:0.1601448217245996	to:0.10990610246747645	that:0.09627883292602053	with:0.0553123962586878	for:0.05179979984485275	In:0.049429236143643154	by:0.03825808623257648	:0.01
of:0.2815836378328265	and:0.19402609663060819	to:0.13347816067850685	the:0.11376094126188174	at:0.07842040776876832	in:0.06380099517700348	or:0.06371963431696513	a:0.03207183107043338	from:0.029138295263006323	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.26014728862680986	of:0.24220432317201404	in:0.11903154204280668	to:0.08848490952028924	and:0.08749345694143737	a:0.06236814287433011	as:0.04599026205556184	at:0.04363452773924402	be:0.040645547027506924	:0.01
the:0.37866755308102307	a:0.30871602873550635	dining:0.11383215843103979	this:0.049840526529076994	other:0.03558847413597737	of:0.026542074224041482	his:0.026209907900931768	any:0.025574086800393282	one:0.02502919016200981	:0.01
the:0.20815353168351744	and:0.18025247842954545	of:0.14730818506795126	to:0.1396308704880571	be:0.07057304997448326	was:0.06942342942758628	on:0.06116828818254944	or:0.05784764751460129	is:0.05564251923170847	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
and:0.25418549375648974	that:0.20082293093600273	as:0.15852891768462382	which:0.12614343010865073	when:0.07219257665021513	but:0.05929200578391366	what:0.0497658475375204	if:0.04193286290579575	where:0.02713593463678798	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
on:0.5769075467532128	one:0.12170355175746585	day:0.06065395552070419	in:0.05781582510019731	and:0.03947145577136259	sooner:0.036370733368903195	two:0.03507199064644293	sold,:0.03213727742355716	of:0.029867663658154017	:0.01
the:0.16760014197631629	day:0.1370631627113472	manner:0.13352120832253644	and:0.12776425544398168	way:0.11345862135131922	of:0.0857823511172934	year:0.07826252520870108	tion:0.07446597960173582	county:0.07208175426676897	:0.01
the:0.721773963061345	a:0.0869669973237985	The:0.045615729592314	high:0.034491152881454226	tho:0.03119082177915322	low:0.029462966939407902	tbe:0.015513800926501122	and:0.013578197509461236	average:0.011406369986564892	:0.01
was:0.17752419140416842	be:0.1717429781398817	to:0.1611131564626004	and:0.13978642909915404	of:0.0951416002995994	is:0.07029677082119418	been:0.06782012723921677	were:0.05336967371049516	not:0.05320507282369008	:0.01
Notice:0.5483417146653617	notice:0.1785724627797436	it:0.06430391730339519	It:0.05997434598172384	that:0.03357646177516563	which:0.03180742956076193	reference:0.02603068327338274	there:0.025092507296849635	he:0.02230047736361583	:0.01
the:0.5986783153368554	and:0.09348301513757082	her:0.05478111548205661	his:0.047372769428225166	a:0.04500395825788202	my:0.04131869208796641	came:0.038451619742113655	tho:0.0380660675011437	The:0.03284444702618604	:0.01
<s>:0.43096532229124807	it.:0.13333001306918557	them.:0.11238139749236764	time.:0.06953043937170357	him.:0.06206148264299377	life.:0.04880448055871299	country.:0.04810530873390698	years.:0.04424274374950268	her.:0.040578812090378884	:0.01
he:0.2525639766117344	they:0.17125488313821866	it:0.16956186142637827	I:0.0891240737865223	who:0.0692002960050024	she:0.06625130858195873	we:0.063884911029638	and:0.05568204712355725	It:0.05247664229698989	:0.01
a:0.500570819262776	the:0.29769362198622196	large:0.05515782562281013	great:0.05201390780632323	The:0.023103197107004682	vast:0.01906800312984933	tho:0.016590339199972676	A:0.013828632727406283	and:0.011973653157635692	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
a:0.2264120419083528	is:0.14348736065038376	and:0.11231391022108604	not:0.11000321656867046	to:0.08735004853840161	I:0.08110283706586255	the:0.07704124008048419	we:0.0767376638042757	are:0.07555168116248293	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
there:0.3140292460914838	There:0.2693892811735575	It:0.12965807175494165	it:0.11932637920819568	which:0.043329418476612355	that:0.03539241542915168	and:0.02839122846424099	This:0.028354530591198798	he:0.022129428810617576	:0.01
to:0.4723993565473622	will:0.08581084049603843	would:0.07485018571555585	not:0.07311188621659065	and:0.06821579925165278	under-:0.0674991873732589	I:0.06601502004333419	the:0.04322586049804078	they:0.03887186385816629	:0.01
the:0.30143390192917074	of:0.12467890877859149	and:0.11585781756227825	his:0.09645417715135804	in:0.09285891857779843	a:0.08393881697988924	this:0.07548144313440323	for:0.05038709343781509	on:0.04890892244869544	:0.01
<s>:0.5350679324006864	it.:0.11801062892123784	them.:0.07952656695016587	.:0.04792660271333292	him.:0.04698740849389142	country.:0.042601262447267835	time.:0.04108326398651712	day.:0.04029845977690946	?:0.038497874309991145	:0.01
of:0.23445499164963823	for:0.16239666027952998	with:0.154525837956063	to:0.1253668304462278	in:0.0676320538845404	upon:0.0671768454898563	by:0.06572909527098995	about:0.06468342788841162	do:0.04803425713474279	:0.01
<s>:0.640106119859322	it.:0.0706093716919901	.:0.05494143900410211	them.:0.04768369636512093	country.:0.04706948065501005	him.:0.039408689767510385	time.:0.03463457970598247	year.:0.028978375184860992	work.:0.026568247766100995	:0.01
it:0.2131788841045554	he:0.1867324812779885	It:0.14093961810063965	which:0.10085580692903923	I:0.09523457785691533	and:0.0799079407626281	who:0.06284443033512091	He:0.05697400216718626	that:0.05333225846592657	:0.01
the:0.35072327237880707	of:0.2078608249068904	and:0.10502557993379773	in:0.07686999620026491	to:0.06510062871765702	a:0.05625373115643907	his:0.055709768879886545	with:0.0376877702928177	be:0.03476842753343954	:0.01
of:0.21325143395057597	for:0.20329047328274294	about:0.12787858213042344	in:0.11530467209693371	with:0.10742897261683286	to:0.09948477318596811	upon:0.050152165112707266	against:0.03747768056610173	by:0.03573124705771401	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
<s>:0.34744251740961557	it.:0.14788464002601287	.:0.131860227883129	Resolved,:0.10381762620916161	them.:0.06576514243418893	2.:0.057493918268915215	1.:0.05038151132448334	::0.043461034858057725	year.:0.0418933815864356	:0.01
the:0.2881849584752655	of:0.17971492413947426	and:0.13707918239468905	in:0.10244921505958003	to:0.09138126056530775	a:0.06191509319589872	for:0.04906319603606977	that:0.04753177139124504	The:0.03268039874247	:0.01
feet:0.16566530055203563	and:0.15830955822731993	men:0.12318583917351082	it:0.11132728504145045	them:0.09491262239362781	made:0.09116121518246559	well:0.09017600604476055	him:0.08080596145667249	up:0.07445621192815671	:0.01
the:0.6281348543673789	a:0.15689761357579146	The:0.055460055862044395	and:0.039305674226080396	tho:0.037635362035065394	of:0.024025452519066567	said:0.016989289490679668	tbe:0.01680448623282624	by:0.014747211691067125	:0.01
;:0.1776810424966606	up:0.16824869860934652	in:0.1585584417448523	here:0.09305294129849861	misdemeanor,:0.08484565313025416	day:0.08254827047470589	mortgage:0.07788942415496554	years,:0.07405004406112951	county,:0.0731254840295867	:0.01
it:0.4049601714680665	It:0.24504553403574914	which:0.0724984965393253	he:0.06436787895873493	there:0.05103367457039479	that:0.050270108088097294	and:0.0425762002946042	what:0.03441972349061151	who:0.02482821255441631	:0.01
that:0.26923081051162095	as:0.1241429786713435	and:0.11409819299025309	if:0.11029204633899473	which:0.10893420263851056	when:0.09954667732161468	but:0.06278220963073454	where:0.0625687938865258	because:0.03840408801040211	:0.01
one:0.37208554784981507	some:0.12174963749774224	all:0.09885494039251233	none:0.0861546256318368	many:0.0839903462946962	any:0.07130102331293847	and:0.05541118987133651	each:0.05333972248816871	that:0.04711296666095363	:0.01
the:0.7486550225366531	and:0.053408987972149546	tho:0.05077130808371849	The:0.03343389637006097	said:0.029509992288055016	a:0.021335883128875376	an:0.019643153764214973	tbe:0.019271187093171122	this:0.013970568763101442	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
I:0.4245927962739406	he:0.10712002985042948	had:0.09099773447090163	and:0.08594954129856473	have:0.0737143760933529	we:0.06385671452760566	they:0.05223815622749169	has:0.04924533433640361	He:0.04228531692130961	:0.01
that:0.2751953978200195	and:0.196245321574177	it.:0.1234901626019106	<s>:0.11944094139199907	them.:0.08475856768162963	as:0.052754114176684144	?:0.0484784177928631	even:0.0468888355782998	but:0.04274824138241705	:0.01
as:0.8489485609832734	and:0.06122281379718515	aa:0.020285935448177	that:0.015149781599218157	which:0.011423545817414116	the:0.011243046475305118	ns:0.009867820824699305	of:0.007498745579420366	it:0.004359749475307281	:0.01
and:0.2635869225982122	of:0.2146296465876313	the:0.12384193944996685	in:0.09477219918356568	for:0.08171083568547738	or:0.06644900119792707	with:0.04910758377754646	to:0.04858090700667944	by:0.04732096451299354	:0.01
and:0.42609131794655675	as:0.09879673011033703	that:0.08882865395275988	it:0.07878615735521474	is:0.07375380392078061	but:0.0654889305808678	was:0.06543214428020483	I:0.051249632704902744	which:0.04157262914837551	:0.01
was:0.18464099503030626	be:0.1614192004551438	is:0.15063268428126111	been:0.12957162180973814	are:0.1119558749216766	and:0.11130654004812011	were:0.05596468738648349	not:0.04358630833082829	of:0.04092208773644218	:0.01
the:0.32208107306687167	a:0.23354988984926864	of:0.12892771812247145	and:0.10131444354910017	his:0.050046993643689135	their:0.04880097596676989	The:0.037201206507703526	its:0.03424177486326519	to:0.03383592443086014	:0.01
of:0.22311886839934636	and:0.16674976463989752	a:0.1326518741071075	the:0.12904482491503577	as:0.11756217419998327	so:0.07659548773433372	is:0.05175678304726475	that:0.04813122375634109	very:0.044388999200690046	:0.01
have:0.238032576645936	has:0.13708599563146667	never:0.13596933911145115	and:0.11487265688026271	be:0.1027483855676518	had:0.09081593332238143	not:0.061063665303682034	he:0.06081746389551772	ever:0.04859398364165062	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.3312356642167465	will:0.1851378385043994	would:0.13895100054855106	may:0.0929155956851821	not:0.06968622687113103	should:0.05088792353732102	shall:0.04482498723022929	can:0.038949198765611245	must:0.03741156464082855	:0.01
the:0.2287225882862419	of:0.19712244581528446	in:0.12805354102064756	by:0.09167469025703401	that:0.07979244933693669	and:0.07658256769861903	to:0.070959691804309	from:0.06651000173170549	on:0.05058202404922185	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
and:0.21790677046490206	necessary:0.12394862774850901	ready:0.12390744753093216	candidate:0.10069126833498508	used:0.09864901344869566	demand:0.09480550327996208	made:0.08804447420201157	reason:0.0753070877654503	sufficient:0.06673980722455207	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.21582039034583575	and:0.19654972119264133	the:0.13728266267253494	that:0.12477242754293302	as:0.10540845637568422	to:0.06265697216827043	on:0.04979434434032912	<s>:0.04935715898856774	West:0.04835786637320335	:0.01
to:0.1464410146092859	of:0.1333712271346418	in:0.1312640040837542	is:0.1294535271890471	with:0.10847883078897687	for:0.10054587395796366	and:0.0905439246156685	as:0.07995014962532482	was:0.06995144799533717	:0.01
the:0.3187533310365806	of:0.19153223533904776	and:0.13333775657562166	a:0.08569118153695421	to:0.07805362827458312	his:0.04896787193732948	be:0.04728575140178597	my:0.044784222538298106	I:0.041594021359798936	:0.01
the:0.44154302067349016	of:0.26574422053165847	The:0.1077948216306878	said:0.06114924375190959	that:0.037301997613311676	tho:0.022155940082909692	this:0.021742251934890797	and:0.017817367992783172	described:0.014751135788358597	:0.01
statute:0.4186740486360634	and:0.1773874122872153	that:0.07552749244437032	or:0.07132424490596527	as:0.05800094168043707	is:0.05059550344693197	it:0.04914277446266791	was:0.04506424724176516	be:0.044283334894583616	:0.01
of:0.3204868212614671	to:0.12007122052461547	know:0.09761610867087289	in:0.09680261713919291	and:0.09462951833703091	with:0.07695797624591265	for:0.07380616249092777	is:0.06041142848563168	see:0.04921814684434861	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.19461949966041495	and:0.19008882582354475	the:0.18970843377846167	to:0.1444744459324772	a:0.0631488733137441	Mr.:0.061320346203658165	.:0.05608212555402256	in:0.054118825973683116	at:0.0364386237599936	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
it:0.2774822979725539	It:0.19754314725679648	which:0.12651385198976978	that:0.09240520006089892	he:0.06737366672562585	there:0.066562411311481	and:0.06455365279069679	This:0.053004398814229005	what:0.04456137307794832	:0.01
in:0.2518520012243235	of:0.2444950777761337	large:0.1249076376279134	and:0.09134034229726888	the:0.08325840051854971	In:0.05144873349374095	great:0.050932989956286	from:0.048819276090741416	sufficient:0.042945541015042485	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.8725553871030386	will:0.03566771434060124	and:0.03153780141692361	would:0.013705495498632668	not:0.011870390806964837	can:0.008454027900669776	To:0.005981568533174752	shall:0.005559339836457303	who:0.00466827456353719	:0.01
the:0.265503121945857	and:0.14502324934483757	a:0.12671218166184434	of:0.118173690774372	be:0.08618146888746488	in:0.06994387033864473	to:0.0681431699178818	was:0.05968115913219388	is:0.05063808799690371	:0.01
it:0.20232519177660643	he:0.16234484086264728	It:0.1554090302075327	I:0.1435863272450962	there:0.07378138159381324	and:0.07333071483799818	He:0.07174050734643728	which:0.05781177237565947	she:0.049670233754209356	:0.01
Grand:0.8599409008659268	the:0.06408324083000606	and:0.03709001030964869	of:0.010895051358767768	two:0.0052249439015464505	in:0.0036341156928085786	by:0.0032860598820669204	tho:0.0030847266242684055	three:0.0027609505349604985	:0.01
a:0.45604308230814716	the:0.19614474876003998	is:0.08665571272341378	was:0.06556475809012982	are:0.05198010984547536	and:0.03841278687885531	not:0.03529809389306367	be:0.030591411268605987	in:0.029309296232268876	:0.01
sum:0.3539514508613801	rate:0.17244903046905766	one:0.08891524464089454	amount:0.07331814878778507	out:0.07066043298146303	number:0.06500378352768377	consisting:0.060053059426700514	instead:0.05336354511059119	period:0.05228530419444427	:0.01
he:0.24850837663519365	I:0.14598485741126332	and:0.1378353728101455	have:0.11521383017829767	be:0.10748600650816321	has:0.06435646564011016	had:0.061773267581653024	who:0.05556148732293889	they:0.05328033591223452	:0.01
and:0.28720281232973693	was:0.13699100705051342	him:0.12544032427762147	it:0.10315427856286868	up:0.08150588430725106	man:0.07164027192781154	found:0.06250334011310803	is:0.06211053685524235	her:0.0594515445758466	:0.01
be:0.16231793401292238	was:0.15628465868608368	are:0.12216089048686152	and:0.09785294927227149	have:0.09516561811262275	had:0.09116134002433957	has:0.0905015641565986	were:0.08949146502507661	been:0.08506358022322326	:0.01
the:0.2629932192263116	a:0.21844664921280282	and:0.16984867257435768	of:0.12466296670252112	from:0.0567967386484945	his:0.04958883964079247	her:0.04020956962285458	The:0.037278770092475946	for:0.030174574279389355	:0.01
state:0.16116402223208387	out:0.1392157611363647	District:0.12487308056124256	State:0.12234331628256705	day:0.10011294336802518	deed:0.09754164369328784	and:0.08734681943868103	one:0.08309887247584265	part:0.07430354081190513	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.39620436579544704	of:0.16907565216974815	at:0.08063261508505297	for:0.07399007519488651	in:0.07251903239054938	from:0.059916706662650185	and:0.0494890957853563	by:0.046549066141467955	this:0.04162339077484155	:0.01
and:0.20450556845365275	days:0.12596459196979642	was:0.12001441399073981	or:0.09579385432590432	time:0.09472943273581123	that:0.09322739577872445	never:0.08763760886899596	long:0.0868116995898552	be:0.08131543428651984	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.2575865202979192	and:0.16564278541080382	in:0.15968201695889675	to:0.12379588530454701	for:0.08843211204171122	by:0.05893067101534073	that:0.05804129541219335	with:0.04370563617299324	In:0.03418307738559465	:0.01
and:0.17494488464527436	able:0.1355537887146852	as:0.1256936755751286	is:0.10092694150086114	him:0.09991732887064775	going:0.09530417779630596	was:0.0881790232321575	enough:0.08556056427097564	order:0.08391961539396389	:0.01
any:0.1729878951408468	no:0.14343171478298958	that:0.13568577417651623	No:0.12685506184059242	of:0.09332686734103983	the:0.09127383297142347	and:0.07841880951969818	but:0.07408701985409723	some:0.07393302437279613	:0.01
and:0.3891410771730926	that:0.1838118405728944	but:0.16686986415504704	time:0.07706117271634955	But:0.06072365092951834	or:0.032347409177408616	And:0.03234518226196476	day:0.026499748898239098	ago,:0.02120005411548543	:0.01
of:0.2648344476968349	the:0.15407336577855146	by:0.12113523132218235	and:0.12065285925225173	with:0.11597324808028876	to:0.06685164792756121	made:0.05612785958026634	in:0.04527829070347676	for:0.04507304965858651	:0.01
the:0.3670599066838357	a:0.25721938482137824	of:0.0867927200132285	and:0.08344782876204763	The:0.07628529567575804	A:0.037462314740589725	an:0.029932566974230974	tho:0.02896654790153841	or:0.022833434427392833	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.4231370151365672	he:0.10528806156489312	be:0.0805538249692879	who:0.07427321441706551	I:0.07330275563208138	which:0.06735245844385622	that:0.060354303650928406	to:0.05519300244612123	an:0.050545363739199045	:0.01
the:0.581776475863361	a:0.17180771534145048	in:0.05856857954168394	The:0.049198559979982064	this:0.0419428475095955	tho:0.033736190948880314	of:0.01963196651091596	any:0.01678002792092221	that:0.01655763638320847	:0.01
be:0.32173945916515995	was:0.1439065183915506	been:0.1081220523034696	are:0.10632386745126284	were:0.09303563736700783	is:0.07240390789002604	not:0.07021814041541757	and:0.05067999625468485	being:0.02357042076142073	:0.01
the:0.3812136653835767	and:0.16879776455030396	a:0.12267379359483482	of:0.09487190793934681	to:0.060068080547924355	in:0.049486054717056006	The:0.045952426961660915	his:0.036918005704012276	I:0.03001830060128425	:0.01
of:0.24755463529306299	on:0.19088398856017405	to:0.16303772196934407	at:0.11201188179527938	in:0.09356903869580839	from:0.07587600499089336	and:0.04814575299710645	that:0.0301008150077427	for:0.02882016069058869	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
in:0.33870336493657943	of:0.22867825342494055	New:0.13149411387035123	from:0.12578958132587992	In:0.06830074259147535	to:0.02904543748477244	for:0.028008421882511316	at:0.020813910460266084	with:0.01916617402322377	:0.01
of:0.22436466110841724	and:0.22129614070440548	to:0.15486958445852939	the:0.12605655276199063	in:0.06953861603067178	for:0.05536754301168913	that:0.05236922468928433	<s>:0.047403716387358734	by:0.03873396084765319	:0.01
<s>:0.24643505364970167	that:0.22567481111489607	and:0.11986402130738497	it.:0.10509411761497947	but:0.07308474448235741	as:0.06237988616146023	them.:0.06028718069699419	country.:0.04939834692648971	of:0.04778183804573639	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.20876430888338432	away:0.1533805899516923	taken:0.113137001917215	them:0.10345973013212396	come:0.09555640874079832	free:0.0925874872714809	received:0.08156431484247555	him:0.07132824299229158	out:0.0702219152685381	:0.01
two:0.21895691255295768	hundred:0.11464026019373981	square:0.11311003656163852	six:0.09998464185467038	five:0.09680601753185719	three:0.09657855292700258	four:0.09215266468421114	ten:0.08465270123138409	the:0.07311821246253862	:0.01
the:0.8379484458135421	The:0.036390939325591024	tho:0.027855680043157086	a:0.021623724696117317	and:0.017396795599453247	his:0.01605904147580773	in:0.013195752892902295	of:0.01011852335658647	tbe:0.009411096796842745	:0.01
the:0.7043946385709331	said:0.07044850000055673	The:0.05429216982491694	of:0.03973382716844926	and:0.03320836292119303	tho:0.02845867746664742	this:0.02114605180401455	an:0.020612526399884864	our:0.01770524584340411	:0.01
of:0.3726165742523303	in:0.1495683806095387	to:0.12261671601628256	and:0.08816856765154873	for:0.066583384698708	with:0.05975007822757766	on:0.05461917932545206	that:0.04018603807413134	by:0.03589108114443055	:0.01
the:0.3121619288613327	of:0.18040170943559194	and:0.14514153873434874	a:0.14131705530088456	to:0.04964614793275241	Mr.:0.04553689726890723	is:0.039964707182540644	as:0.03995048072691112	The:0.03587953455673064	:0.01
I:0.2265547062429591	he:0.1868578577040488	and:0.1626434338828027	they:0.0870136823849859	He:0.07913349412369516	it:0.07548700696551074	she:0.06315880818379584	we:0.05697737867879603	who:0.052173631833405676	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
his:0.4848333443703283	and:0.15725375780091844	the:0.13654416233430997	a:0.05046202143128002	of:0.04520865101005719	my:0.04036102674071119	their:0.02817862980988162	her:0.02699261877873239	your:0.0201657877237809	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
it:0.19330486123708576	and:0.1286819126469356	we:0.12211715346407157	I:0.10791428267507484	It:0.1052209806417325	he:0.10466650684335192	which:0.0854579400005909	who:0.07578410719297046	they:0.06685225529818639	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
is:0.1754598139421093	was:0.1383588246458386	as:0.12987977978521897	are:0.12485208833719924	and:0.11151479716853849	a:0.08958400453539878	very:0.07512660762772191	her:0.07509278830672336	were:0.07013129565125124	:0.01
the:0.5551899317647334	a:0.17254925166600169	this:0.11092974892117569	any:0.03485145991462502	other:0.030196583020591798	every:0.026835461204583962	and:0.024638554453884187	great:0.01792284268731002	our:0.016886166367094297	:0.01
and:0.26561467170004904	said:0.1402649772556806	fact:0.12454175110734755	so:0.11048675781624648	know:0.07824425042146248	believe:0.07486255077695934	him:0.06998995045378482	is:0.06888556409498099	stated:0.05710952637348863	:0.01
the:0.6768627974896106	in:0.06291856457056888	The:0.0585098913099327	and:0.049060590157670114	a:0.04250614034914327	tho:0.03756680159007044	great:0.021563916433142066	In:0.021135527735493306	of:0.019875770364368734	:0.01
of:0.24984771499497765	the:0.22671843497357402	at:0.12524840899520465	and:0.11153419731745215	to:0.0688361339660361	in:0.06387473628183954	a:0.05805175234028244	on:0.05357731293575162	said:0.03231130819488171	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.3715952628830042	at:0.21186422040962907	in:0.10905423513299259	the:0.07404865447281872	from:0.07401530553455044	to:0.06652560868577939	for:0.03146995371350818	and:0.029180546874311694	by:0.02224621229340573	:0.01
is:0.19779638475912692	was:0.15534007588572926	be:0.15203302902639962	the:0.12553900588082914	a:0.09039159714634988	in:0.0800018745653714	are:0.07306888230480157	feet:0.058416882741925795	of:0.05741226768946639	:0.01
the:0.3187533310365806	of:0.19153223533904776	and:0.13333775657562166	a:0.08569118153695421	to:0.07805362827458312	his:0.04896787193732948	be:0.04728575140178597	my:0.044784222538298106	I:0.041594021359798936	:0.01
a:0.2551570845107978	of:0.20203394160782465	the:0.19630473240243151	in:0.1037381413697302	and:0.08413034434406347	to:0.05029396096706828	at:0.04018487348809883	The:0.029806683555191265	that:0.02835023775479399	:0.01
a:0.18638787996495249	it:0.13322047331429293	and:0.1330118537581764	the:0.13077207098958746	is:0.11085456876776649	of:0.10871119208941288	was:0.06539742595742086	for:0.06148423500887302	no:0.06016030014951747	:0.01
of:0.42565361507211635	in:0.10367732050220065	to:0.10328241386421004	by:0.07102874605905926	that:0.0709039905863662	and:0.06896859977538873	with:0.05730108840667164	on:0.04589853037334758	for:0.043285695360639566	:0.01
in:0.21373650780547765	it:0.13850739981255658	up:0.10944317373066394	time:0.10227213162070282	it,:0.09679665675745537	him:0.09649896099166652	them:0.08903046682444143	out:0.07299070321725615	them,:0.07072399923977944	:0.01
State:0.2767228079659295	state:0.1782555100879377	city:0.12050280083401431	county:0.09809710820313691	out:0.07946437647241622	part:0.07016740794698276	line:0.057067834287051186	Secretary:0.05649038011282105	side:0.053231774089710374	:0.01
I:0.5892565751340088	he:0.11740373643141302	and:0.11052164537032427	1:0.0385872036524038	He:0.03168485100059682	never:0.02904611593849495	she:0.028339516236789594	they:0.024317697683406924	we:0.02084265855256191	:0.01
the:0.26569339505585005	of:0.1888283248128456	no:0.10471965670963142	and:0.10053954838194651	their:0.09835238784252723	is:0.08203816352667512	other:0.0552220011102696	for:0.04841482327753912	be:0.04619169928271544	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
sat:0.17642188978050583	laid:0.17471702840056696	came:0.11724327536698452	went:0.10775238016697813	put:0.10494664412919277	come:0.08464099126499118	and:0.08348165711375623	go:0.07976456918336994	set:0.0610315645936545	:0.01
belonging:0.20769430499304795	person:0.1421659265467577	one:0.14200847236262545	and:0.0972154332520762	more:0.09681422103998628	on:0.08560690924408772	two:0.08022200869605528	States,:0.06917615344162241	man:0.06909657042374098	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
it:0.2292391064038637	It:0.21696561702150258	This:0.15216872378118323	which:0.09371134308053368	that:0.0823699607317968	this:0.07426658989754333	and:0.053275560998039914	there:0.048407602090468675	he:0.03959549599506813	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.3514677411801053	of:0.250163528296315	in:0.13424904905669854	and:0.06265292695561138	a:0.05227768909014789	an:0.0486554393694839	great:0.03463534202354447	In:0.029458084096105782	for:0.026440199931987755	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
to:0.18444314330409928	of:0.16046716939255853	and:0.14873857323278122	the:0.1461719587092923	be:0.11162960835233085	a:0.08877800849441189	was:0.06486602355980449	is:0.04388927442283423	for:0.04101624053188725	:0.01
and:0.24843934210821123	of:0.13444849915306992	the:0.11746416156270706	that:0.10013823709201289	how:0.08950367338596399	I:0.08293251513953157	<s>:0.07569339870242885	be:0.07089671328686122	How:0.07048345956921333	:0.01
of:0.19361958346585978	the:0.16484162595781557	.:0.14549907972290246	and:0.13588894186658879	W.:0.07637764331825798	H.:0.07126355091602164	by:0.06965439056929339	J.:0.06951430022067949	John:0.06334088396258096	:0.01
it:0.37092396991108434	It:0.24096581986743926	which:0.09302578504967449	there:0.072402812556939	and:0.06109732124482603	that:0.05761518098913908	he:0.03532154287373542	what:0.029946025174495107	This:0.0287015423326672	:0.01
the:0.33283353848048064	of:0.24639485990047677	to:0.09789418913959648	and:0.09329803509921945	in:0.061301409635722504	for:0.04392026682443025	by:0.04332845977538378	that:0.04150460316093242	at:0.029524637983757703	:0.01
well:0.2204507118930139	and:0.2114647863948206	far:0.11870271474661521	so:0.10693199884465583	known:0.09380461646566725	it:0.06595860880272918	long:0.061340628831335085	such:0.05867453610923453	but:0.052671397911928354	:0.01
at:0.22606604972269348	of:0.20393953051698147	in:0.16750080429008354	to:0.09178212860210258	on:0.07338281661280806	for:0.07328046460725855	and:0.0653471204622718	that:0.045503935447936676	from:0.04319714973786389	:0.01
as:0.17481395904871108	up:0.13266480410279496	and:0.11423368936286925	according:0.10311874253127586	back:0.09834039683776627	him:0.09814074486700695	returned:0.09685287995672426	went:0.08599041765307629	came:0.08584436563977506	:0.01
the:0.3625080888377889	of:0.173185557184882	and:0.10957156430621358	The:0.08602542219983034	or:0.07182181064180884	a:0.05291983881874349	by:0.05124045476713641	for:0.041410096189086594	with:0.04131716705450967	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
the:0.4866678168180071	and:0.13608033712906623	a:0.11432570835350019	of:0.09224310905865732	to:0.03542557627534244	tho:0.034945536455312266	an:0.03257335069123128	or:0.030738590148138425	The:0.026999975070744812	:0.01
and:0.3307168606030642	was:0.22954053914223121	be:0.0994380356146569	it:0.0703155515381863	is:0.06491907884309586	years:0.05647617008468129	were:0.04877772801698258	not:0.047224306476161104	he:0.042591729680940604	:0.01
be:0.3942816857059841	was:0.1368291528725402	and:0.10764605675863667	is:0.08124129108862888	been:0.07567007833170702	are:0.06798338851538743	were:0.04913791240231653	not:0.04143513643574782	he:0.03577529788905132	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
made:0.2401254978731967	and:0.23881098058854125	that:0.10136446469937367	or:0.0994876875182793	secured:0.07239553571933031	taken:0.06660814937181041	followed:0.06006170793864495	done:0.05602259218445818	up:0.05512338410636528	:0.01
provisions:0.16627098017731173	copy:0.15165327534695813	date:0.12617568642366098	part:0.12388683156619237	one:0.1044724200406653	out:0.09585475097905363	people:0.09019386903076457	publication:0.0773301702042243	members:0.054162016231169084	:0.01
due:0.19258438618242701	land:0.13803741451072177	interest:0.13061549596131183	mortgage:0.11302949901126587	title:0.10080121197035981	line:0.0853827590103233	plaintiff:0.08194599414404281	mortgage,:0.07737110387678033	directed:0.07023213533276713	:0.01
on:0.3937277479870082	third:0.11654498703311407	first:0.09533622549746273	of:0.09183315768697833	On:0.08779634401861186	and:0.07353393046104746	in:0.053085822433814225	second:0.03948727454580858	last:0.03865451033615441	:0.01
time:0.19115255239548837	day:0.1446473310067834	men:0.12143469029435032	power:0.10926922657052708	in:0.10311356629811122	land:0.0938322215957022	dollars:0.08350554805366955	good:0.0728736272153701	life:0.07017123656999774	:0.01
to:0.27138077361464585	and:0.20365025534265405	the:0.19353645044599635	of:0.1409419184006364	or:0.04275895120818839	I:0.04119269207540155	in:0.03419864903445623	not:0.03271499505662506	that:0.02962531482139613	:0.01
the:0.753847811802216	this:0.04932469262510402	tho:0.039583703006975925	of:0.0377263751961823	his:0.026936661543566373	a:0.021862541603799385	said:0.021029061628830573	to:0.020290040101897798	tbe:0.01939911249142771	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.10005802787283471	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.040989301969020085	I:0.025676339882261923	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
of:0.2871328720228738	to:0.13509812508881724	in:0.1345889351636981	for:0.10880496046247834	by:0.10794885581606993	with:0.06522227839488966	that:0.06131757877792587	and:0.05807836341518995	from:0.03180803085805708	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
and:0.20969815076307025	as:0.14035684149470737	referred:0.1325951335416224	them:0.10328796443289084	him:0.09786880619318226	come:0.08394676402729487	came:0.07704179058043854	go:0.07290265994617096	up:0.07230188902062254	:0.01
he:0.21505617074992905	they:0.19076306930045583	I:0.14852998698221465	we:0.10340484591838611	who:0.08466636747155042	and:0.08115457568004732	it:0.06057239838210039	which:0.055356059894642505	We:0.05049652562067369	:0.01
of:0.2914158816760015	and:0.20935709071864628	to:0.13948555105304486	in:0.12255092717877494	all:0.06202880656331047	by:0.0430389164117333	fact:0.04262877518156041	is:0.04025961659878457	with:0.03923443461814381	:0.01
he:0.19560108603535553	and:0.16494074160646366	be:0.15406070700372998	was:0.11348634301312643	been:0.0799699585331031	He:0.0775996598886297	who:0.07551630799866024	is:0.06958557506946861	have:0.05923962085146278	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.32577977883643167	of:0.1886998309649103	and:0.16240343730877954	to:0.08416537232496527	in:0.05743937958564402	a:0.05446373459510896	by:0.04724223179553346	his:0.03701079136818399	.:0.03279544322044283	:0.01
to:0.5914291154580158	will:0.12782531430220787	not:0.07710206954696444	would:0.06596230622414258	can:0.035828910226847706	may:0.02998085250320313	could:0.025103513443851554	and:0.01977521701441863	a:0.01699270128034838	:0.01
to:0.8404249902266965	will:0.04090322012547832	and:0.03880032798189565	not:0.03098828302989508	would:0.014038248181516638	can:0.0073940145633999465	To:0.0072381306550734015	could:0.005243399221100816	may:0.004969386014943511	:0.01
he:0.17520352122114105	they:0.15581623245415474	I:0.14725585134236024	who:0.1233652454414141	we:0.09875445383232585	it:0.07856495375161171	that:0.07375276855377194	and:0.07215108159833292	you:0.06513589180488731	:0.01
of:0.38945661444666524	to:0.15557974870879882	by:0.09424296109915825	in:0.0879776918866556	with:0.07472182333971626	that:0.05855721421962254	and:0.057562553782048914	on:0.03654250845117803	from:0.03535888406615638	:0.01
the:0.5076628671531154	at:0.2631376156942473	At:0.05297062574332165	tho:0.034269582625248304	of:0.032324565888802774	to:0.03051223624735961	and:0.030460919276258134	The:0.02238020677281277	on:0.016281380598834133	:0.01
the:0.3185606200730121	said:0.20746354978692746	and:0.09635790265567465	of:0.08943119074756482	that:0.08282911280958835	a:0.06683460554813446	this:0.06373833019591273	The:0.044364325238530365	his:0.020420362944654952	:0.01
the:0.3886133748559853	of:0.23734725176177476	in:0.09045713316452622	by:0.06392770354113571	and:0.06103863789650247	to:0.05520785453831315	The:0.032368774740121675	on:0.03149776379327013	for:0.029541505708370684	:0.01
and:0.22813005603170383	the:0.1572099043860072	is:0.11521833637416955	an:0.10420866558073172	was:0.09504037588459194	are:0.08564450459716828	be:0.08247759847336691	that:0.0643390720756877	been:0.05773148659657292	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
<s>:0.6358724018685091	.:0.11351770991405119	it.:0.06265819923511344	them.:0.034195842115139215	to:0.030803755296985917	year.:0.03047038214941823	law.:0.02762838943676099	thereof.:0.0275168848347013	county.:0.027336435149320614	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
there:0.49002874002554625	There:0.31454168774452046	It:0.07093945390569317	it:0.06400341654389598	which:0.013025557333672983	he:0.010218326683424893	This:0.009509205015537219	"There:0.00905645960535745	that:0.008677153142351676	:0.01
of:0.21871168165864655	in:0.21221306757813674	with:0.15547665967781166	to:0.14866669827991377	by:0.0608835910332474	on:0.060669689929320286	In:0.04591980826080747	upon:0.04402009260132402	for:0.043438710980792127	:0.01
of:0.3363163447485762	in:0.20074855007983175	to:0.13953426691025697	for:0.05980448578733716	that:0.05481144918110836	and:0.05361744169108339	by:0.0509361728477356	with:0.04992268555583991	on:0.04430860319823067	:0.01
be:0.20318074163432065	was:0.1810029018914728	and:0.15446129146824508	been:0.11006060645686003	is:0.10368971627447866	are:0.0642469846360231	were:0.0636301636417311	the:0.055049235698359754	he:0.054678358298508596	:0.01
and:0.37298965612056917	all:0.18168578830539667	of:0.09041304107934502	but:0.07193937609793191	said:0.07082564861522726	that:0.05544260395900495	All:0.050390220896047534	so:0.048442683934902316	than:0.047870980991575295	:0.01
;:0.19467102593909716	in:0.1882944510200422	Columbia,:0.1356762866005822	up:0.12376726685932496	day:0.08203081616041863	them,:0.07201378270273509	mortgage:0.0678435149623525	,:0.06584387817367394	him,:0.05985897758177329	:0.01
State:0.1837493912007417	day:0.17166396072628892	out:0.1379581820977931	state:0.1335383898136798	act:0.12053997022818586	part:0.08140787683964874	years:0.06367293668935635	date:0.04937934278048437	power:0.04808994962382103	:0.01
of:0.5047298646341658	to:0.0939503630824097	that:0.09237773216785701	and:0.07906007885477175	for:0.04922097599700487	by:0.04900417778569819	on:0.04442716566583872	with:0.0399034256240844	in:0.03732621618816959	:0.01
the:0.4818707114714086	a:0.14467630884731952	of:0.1023639077704551	The:0.09149120797213367	and:0.053574694384124925	our:0.03432458357307821	tho:0.02908204949325103	for:0.028294459991510593	their:0.024322076496718338	:0.01
of:0.4436117924170628	to:0.12200208571277424	in:0.10895957398021343	by:0.098217428130972	that:0.06501486035667858	and:0.053085526459731684	under:0.034239341192597576	with:0.03310555743088111	for:0.031763834319088434	:0.01
the:0.5655262129374157	western:0.09940842038811896	other:0.07646352987440189	eastern:0.05203349858427185	southern:0.04614677900696574	northern:0.040493824648080844	Republican:0.03934567956409692	said:0.035304945334164936	a:0.03527710966248317	:0.01
the:0.23766558745970914	and:0.15830119452383326	of:0.1555916082923392	be:0.09635417021679077	was:0.09014204172917675	to:0.07168906960816807	in:0.06342449275153979	for:0.05879016674332436	is:0.05804166867511873	:0.01
one:0.33708984341259335	part:0.14875576146602673	out:0.10384043397499726	portion:0.09083714555922895	side:0.07562804233059955	some:0.06197550487992145	that:0.060324718837243906	tion:0.057990436636891	member:0.05355811290249791	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.25470561870247754	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862254	in:0.07582920922781207	was:0.07101916294765154	a:0.06560002811236118	be:0.05991783825325076	is:0.04301373266798011	:0.01
did:0.30099163724856337	do:0.21464832548046023	does:0.13834319659448763	could:0.11773262485052353	will:0.08131321667580861	would:0.06542802622958724	can:0.018570546598271478	shall:0.018161695337000128	should:0.017654257812795535	may:0.017156473172502393	:0.01
<s>:0.5543015572476636	it.:0.0855599459619797	them.:0.0691641459205704	.:0.0605526816902083	work.:0.0491119803376664	him.:0.04620825618246909	day.:0.04462324708035412	time.:0.041965137629659754	year.:0.038513047949428635	:0.01
the:0.6106065120255652	an:0.09921495831066092	no:0.0647816384598855	The:0.06054807364651215	any:0.056132809176028454	a:0.03802002668929278	tho:0.03155100179273239	this:0.01675165253110801	general:0.012393327368214614	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
they:0.2810377164721223	who:0.16234399753648118	we:0.1343092423893744	which:0.10227181528347871	and:0.07508952103906759	They:0.07179342182607719	that:0.05875208018113698	We:0.05491581044102541	you:0.049486394831236194	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3230985393504565	of:0.2611189689792494	to:0.11678188388969993	and:0.06931370247896015	The:0.06130405629325659	a:0.05134967497265416	with:0.040303015688509504	by:0.03704522962619045	his:0.02968492872102326	:0.01
it:0.24112649263459637	he:0.17660792899787944	It:0.1713624494321809	I:0.08209974212840981	He:0.07828896755119588	which:0.07500438521777203	and:0.06286527553672039	who:0.0534546761422916	there:0.049190082358953446	:0.01
be:0.15909530510203124	was:0.15456039002432395	of:0.1280508875998115	and:0.09920823977898925	been:0.09911349359117645	the:0.09133684122231008	were:0.08889831712847575	are:0.08597704232802905	is:0.0837594832248526	:0.01
be:0.3536577924192689	was:0.20288700893981285	been:0.12731408011100356	and:0.07166106277654646	were:0.06174156031049668	he:0.05458629672780836	is:0.04846488799340462	are:0.03663426852351963	being:0.03305304219813883	:0.01
the:0.7271225382254948	a:0.0446787892945516	tho:0.0446288785908293	The:0.03367914955945174	and:0.03068297197054534	many:0.03025450080766469	other:0.028965459508343838	one:0.025137299474639267	three:0.024850412568479398	:0.01
and:0.2802179654686674	together:0.17581662481571086	covered:0.10720042995908446	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357521	met:0.06358405713054323	them:0.061624174380125664	but:0.05201828012722528	:0.01
when:0.22046315366464825	that:0.2132528036920001	and:0.15846027197779344	which:0.10413483755848227	as:0.08450696968117727	to:0.06978004927989717	said:0.049663213331347086	where:0.04700141380859818	but:0.04273728700605634	:0.01
the:0.7791866323306111	a:0.05314019270136492	The:0.03973692441214934	tho:0.03850477825482975	and:0.019820306942752074	of:0.01617258913407099	any:0.01525679170894646	this:0.014610700909408773	tbe:0.013571083605866528	:0.01
the:0.5389713397828089	and:0.15504481523269786	of:0.05739311599924812	The:0.05252002870291747	to:0.04646747120441671	that:0.04466106263293157	as:0.03632679331256095	tho:0.03082874368341511	which:0.027786629449003255	:0.01
and:0.2924472014894412	is:0.14183108195342425	say:0.09744884321476471	of:0.0941360680754679	on:0.08088324298178601	said:0.07592377876334629	know:0.07378169900640846	was:0.06701844529963384	for:0.06652963921572726	:0.01
the:0.21870422219454483	of:0.19434465562336534	to:0.16437885166272265	and:0.11111915556109103	be:0.07085050940341264	in:0.06581643542159671	not:0.06249329181716279	a:0.053355857516502694	or:0.048937020799601445	:0.01
it:0.3624816726957815	It:0.2558838421638433	which:0.09074817472992226	there:0.07169129496399416	that:0.07042727201866095	he:0.04330189408383566	and:0.03832227019613308	There:0.030055197173347818	what:0.02708838197448126	:0.01
him:0.16219458724596447	up:0.13469441979607763	him,:0.12795639725671046	man:0.11914490213943107	Mr.:0.09554543109514041	it:0.09248944109611738	it,:0.092454440919481	here:0.08727041924367143	day:0.07824996120740614	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
do:0.5050786691766792	did:0.10435494262904531	if:0.09851146411128911	If:0.08641772834654689	and:0.050004663048694754	or:0.04056336593092642	that:0.0405526680235155	is:0.0380723449550982	doing:0.026444153778204568	:0.01
-:0.2963575919348941	ai:0.14980255127601624	the:0.10633430164894705	a:0.09600168966430504	I:0.07716734743497988	in:0.07712595601953744	to:0.06710057760228469	was:0.06012141668133705	be:0.05998856773769847	:0.01
the:0.391404271733033	and:0.16572796127238826	of:0.1479668946544385	The:0.08969244899382996	these:0.047204586800515924	that:0.04695328111326683	in:0.038444374680263536	to:0.0323271190940047	a:0.03027906165825925	:0.01
and:0.23472984740800643	of:0.1903427725499293	to:0.1589974673691211	the:0.14872653581764267	on:0.05782225657498437	in:0.05781024492789173	<s>:0.05127606043924979	that:0.04858455105407135	from:0.04171026385910328	:0.01
the:0.6339367616985244	and:0.06763219546216824	of:0.06561744201282914	a:0.061664154436827164	tho:0.042526202876051196	The:0.039243067213704894	said:0.02995385542456665	in:0.02693642634703791	or:0.022489894528290297	:0.01
the:0.30469803285215974	of:0.20936420050235033	and:0.11545532617184415	in:0.09370709678236377	to:0.08611270070845223	a:0.06628482417618099	for:0.041416958488957864	<s>:0.038824326904658174	at:0.03413653341303272	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.1589222029925145	and:0.14068923423890506	man:0.13880364826365452	in:0.12206902272778444	those:0.11365787178611259	for:0.09466788611294705	to:0.08946675627326844	with:0.0705959448698724	men:0.061127432734941034	:0.01
and:0.2663591603566405	of:0.1444134399277054	to:0.13965468279450494	the:0.11545288046294258	in:0.09784587664794714	or:0.0675387383038842	that:0.06504972812634334	for:0.04685738216435673	on:0.0468281112156753	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.2552009114226368	the:0.22398065458229896	in:0.12290218843290163	and:0.1095157226892349	to:0.08659732992672425	on:0.058407479789363524	for:0.049014212126602036	a:0.04223564856153196	<s>:0.04214585246870585	:0.01
and:0.3065972317854121	committee:0.12704055035506603	feet:0.1167858327371274	Committee:0.08924999249147864	due:0.08450448791519061	going:0.07067923249763669	was:0.07054408007980903	went:0.06816346100426335	that:0.05643513113401618	:0.01
or:0.18222770880499084	no:0.17396092320768664	much:0.16463650989056697	the:0.10765305411454089	and:0.10654845233656153	of:0.07398417822501474	far:0.0649253984989447	any:0.060252426516142	for:0.05581134840555167	:0.01
few:0.27601680878170964	two:0.19976297864405276	three:0.14181962038300874	six:0.10032663914803432	several:0.07395481696986587	four:0.056959477329273235	eight:0.05170039586163699	five:0.04641691758158266	one:0.043042345300835526	:0.01
is:0.19604957096596543	of:0.12914245737792165	such:0.1250733110624584	as:0.12004674714449445	in:0.09873145760652562	with:0.09141021411683374	was:0.07735803306744893	be:0.07634518394643135	to:0.07584302471192039	:0.01
of:0.2524633287262412	the:0.18262941606068694	a:0.12864711830341144	and:0.10010072521411009	to:0.08622327628411297	is:0.06940695883917697	with:0.06729537811834745	by:0.057535604509203836	for:0.0456981939447091	:0.01
his:0.3429699925667107	her:0.17329050505310475	my:0.12283094628432997	the:0.11875265654578253	their:0.08133946329345472	a:0.05417679147554799	your:0.04432201471042421	and:0.027810037733912236	our:0.02450759233673285	:0.01
and:0.4158091583074253	or:0.12251412089637821	that:0.1094757398358427	is:0.07826092910978441	but:0.06428851955459146	was:0.05251232249595756	on:0.050034204180557124	it:0.04973773022720315	be:0.04736727539225991	:0.01
of:0.3254016644329999	and:0.11664741194697832	to:0.10516159248795139	for:0.10326689193325522	in:0.09756759848123527	that:0.07057571738351548	with:0.06527461906207334	by:0.057951570238348335	from:0.04815293403364275	:0.01
and:0.2788534873815524	to:0.1435451524423543	of:0.13461447217554892	the:0.12220030186827203	that:0.07785718684489257	in:0.06784839561234364	which:0.05828167705261113	not:0.05732114148116861	con-:0.04947818514125636	:0.01
the:0.37669429779901836	of:0.18770582931295438	and:0.14201726066556208	to:0.0769923418638455	in:0.06703030166496118	or:0.039518566905175044	a:0.039054626291785285	for:0.03127690425283264	tho:0.029709871243865524	:0.01
to:0.6802226282353967	and:0.08951039069856101	not:0.04799549331061782	I:0.044618543345456195	would:0.037851210551096214	will:0.03267868295944394	should:0.025614138551400236	who:0.01955804662066232	you:0.011950865727365485	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
the:0.8303788864205914	tho:0.040006981273048685	The:0.036690915971140554	their:0.02005538590332081	a:0.017169442072097307	tbe:0.014284147067889807	and:0.013245772058672828	great:0.009528228698889942	his:0.008640240534348665	:0.01
with-:0.3576129679711993	and:0.13267940693472852	with¬:0.11451310788620381	sent:0.08010058554602631	it:0.07285198521077864	went:0.07154533041769674	go:0.05574666501089949	the:0.053595847151130555	came:0.05135410387133665	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
no:0.2700864321942543	the:0.19853772381282653	by:0.16039169290319724	good:0.0757961673685513	of:0.06954996761707752	a:0.06819951635660661	any:0.056873914032591164	and:0.048646804576324934	The:0.04191778113857037	:0.01
the:0.46577865719715805	and:0.13745651550593835	is:0.07886149565356138	was:0.059767166062466355	are:0.059705051445344326	The:0.05645577974064632	to:0.045044948924748175	have:0.0436087230019583	be:0.04332166246817865	:0.01
he:0.19782972723212214	it:0.1857905560709005	It:0.1555110060468774	He:0.0899837367605711	which:0.08846941662893922	I:0.08422678412335814	and:0.07214075881058787	she:0.059525251913075033	there:0.05652276241356842	:0.01
the:0.5186750911086561	of:0.21592129822033743	on:0.12290680344397135	and:0.03793710744636683	The:0.031073009427767938	tho:0.024044532262930525	in:0.020364615912967454	this:0.00995532666661198	with:0.009122215510390245	:0.01
foreclosed:0.21354426481975966	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823615	followed:0.12340081914410177	surrounded:0.0697778146110107	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817265	:0.01
the:0.2779471363291786	of:0.2286666249690911	in:0.1592713753734421	and:0.07464725533714443	to:0.07197828043484295	a:0.06253410075031474	that:0.04112245964342715	for:0.040355185611202514	as:0.0334775815513563	:0.01
of:0.21255130711330786	the:0.18855796455318957	or:0.11689123276910111	such:0.10938261385700289	for:0.10005510177078898	any:0.08654451987594246	some:0.06741622652433982	all:0.055445696792074374	these:0.05315533674425288	:0.01
to:0.5362913195565779	and:0.1169474351399203	will:0.08177651958107876	shall:0.0698944608390312	not:0.04184734566551876	the:0.039331664562331684	can:0.03865230422195634	should:0.03289158952296645	may:0.03236736091061849	:0.01
was:0.2350855781310248	been:0.19912235429192796	be:0.12129168758022452	is:0.10243906696824168	are:0.0952548935779332	were:0.09292155425342359	and:0.05949458225440605	busily:0.04652514018697807	those:0.03786514275584007	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
No.:0.18752904774131685	about:0.1826420230384655	at:0.13608624909472097	east:0.09880551299081057	of:0.09260548923020712	north:0.087173247289951	west:0.07462749328330595	No:0.06741939641523836	deg.:0.06311154091598356	:0.01
the:0.7978121961833589	The:0.08229996847932564	tho:0.03097158674400089	at:0.023211502304614665	his:0.017780625960565902	tbe:0.012779274265227857	its:0.009221959717933104	their:0.008127634850312693	for:0.007795251494660285	:0.01
the:0.4345939693535277	a:0.2077079989722597	of:0.07396431049342275	The:0.05107754351089555	this:0.048472638357882854	our:0.046496475781948536	and:0.045307434370755365	his:0.045118427842339465	their:0.03726120131696802	:0.01
and:0.21148373426422987	the:0.20283711921122868	of:0.11347218795975528	to:0.10113765799027087	be:0.09302877310258988	in:0.08551388723821418	or:0.06652750414825546	for:0.061377765336550316	he:0.054621370748905385	:0.01
of:0.27390871208589157	and:0.1686622921926402	the:0.11173622058317946	to:0.11102887071976102	a:0.10131236507692519	was:0.06584682784265604	in:0.05726373843350152	be:0.05109859598151839	for:0.0491423770839265	:0.01
the:0.530406806886936	in:0.11555787788812326	of:0.09092926419905485	to:0.0582940581091528	at:0.05191980958803875	said:0.04244628640471412	tho:0.036448919203880784	and:0.033808277546793934	for:0.030188700173305445	:0.01
time:0.19643120841936787	and:0.14603529673092738	recorded:0.1359162858823801	be:0.12097485233413172	was:0.11220532425223974	is:0.0873666774228172	that:0.06766633385710645	as:0.06508529870262017	them:0.05831872239840942	:0.01
and:0.31408622291932914	fact:0.12771419656454785	is:0.12284592565721217	say:0.08591225849363	of:0.07680104608224382	know:0.07124932529434912	believe:0.06795507906096825	but:0.06542898062789378	so:0.0580069652998258	:0.01
of:0.2879095906736429	by:0.15147283143704135	to:0.13226073003663077	that:0.1285469390652348	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411609	which:0.037163493311764606	as:0.03192736619326302	:0.01
the:0.39133228078090876	a:0.3089425211534403	of:0.08511801066076727	to:0.08213279583568607	our:0.03136837218843588	in:0.029334657280860446	The:0.02178675950459839	and:0.02066320196022612	tho:0.01932140063507666	:0.01
as:0.23894827511107639	up:0.16862937408992704	and:0.09543192386177467	it:0.09167269704709176	back:0.08855700708348622	came:0.0862054585956002	down:0.07791410213251228	come:0.07311562720082963	him:0.0695255348777018	:0.01
the:0.43651177249066164	a:0.28490469594007417	this:0.10393312998632037	tho:0.03493805425792531	The:0.029554902507449885	to:0.027719833963038534	and:0.025964380604612626	every:0.024918323362381534	of:0.021554906887535957	:0.01
him:0.22511585349940635	;:0.1342553032180852	man:0.11574635372301251	him,:0.0950718889975085	up:0.09324255187190897	and:0.09098934403345373	himself:0.0835495239653671	in:0.08043645717718255	man,:0.07159272351407525	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
of:0.28388216505868596	to:0.16505190372415476	in:0.12431079839145845	and:0.08558620001497108	at:0.08529163328251604	for:0.08248414103056485	all:0.06005799252606226	with:0.05692896697050335	that:0.04640619900108319	:0.01
and:0.3695138880011414	well:0.18081135988693298	the:0.12718260576904877	.:0.07044273957554888	to:0.06793724641165673	of:0.04794802284338923	;:0.0440330372198732	<s>:0.04163162681888745	1:0.04049947347352119	:0.01
in:0.16419033081102358	up:0.13599779621943547	it:0.11732611193944789	it,:0.10141110556910951	them:0.10004001931525011	him:0.09847660789182434	made:0.09712750263710768	;:0.09099136613031948	out:0.08443915948648203	:0.01
as:0.4740502871347896	fees,:0.12222309735483836	and:0.09376662177336263	is:0.0932858488066509	be:0.059667386186007455	was:0.05661464233136796	not:0.036678926942096915	so:0.030099670542256988	fees:0.02361351892862916	:0.01
of:0.32217407831696265	in:0.1487226440669363	to:0.12406545676947277	that:0.07795061296081324	for:0.07357560063536284	with:0.0723358575316948	at:0.0629483831656008	and:0.060667397680374484	by:0.04755996887278221	:0.01
at:0.22606604972269348	of:0.20393953051698147	in:0.16750080429008354	to:0.09178212860210258	on:0.07338281661280806	for:0.07328046460725855	and:0.0653471204622718	that:0.045503935447936676	from:0.04319714973786389	:0.01
the:0.3686918654266191	of:0.1730172641882166	and:0.16637331596572238	The:0.0531143875579843	suc-:0.05248521556193018	a:0.05166399795239646	two:0.04924062293712648	in:0.038628313961760675	tho:0.03678501644824384	:0.01
it:0.35505309117815476	It:0.2256851548211504	which:0.09186997500389063	he:0.07427712557156563	and:0.06860291172058657	that:0.06252393229388647	there:0.045646756155683414	who:0.03881624702318383	This:0.027524806231898347	:0.01
the:0.3253363112578563	of:0.25929889916037463	and:0.11704905458808958	to:0.08016771178091942	a:0.06687919304521713	his:0.040516417728533656	in:0.03814834940695741	at:0.03195657688838135	for:0.03064748614367055	:0.01
be:0.2596226205113271	was:0.15434010767792186	is:0.1300624894347621	been:0.10469561873917829	are:0.09265781226305189	and:0.08356035729714047	were:0.06538214111481985	the:0.05693484342066538	of:0.04274400954113301	:0.01
of:0.2929550783344283	to:0.1488201936564554	and:0.1080548694430757	for:0.10438946156230094	that:0.10318075311877795	in:0.07533936082544347	with:0.06577728446989585	by:0.052810497627005994	all:0.0386725009626164	:0.01
the:0.26831189849374637	and:0.24218307311729517	of:0.13141186421844625	a:0.10590633968145054	to:0.08634605337936771	in:0.057567027131554205	is:0.033399376798453284	that:0.03251301969761388	for:0.0323613474820724	:0.01
they:0.28243612007829927	we:0.1487186887263843	who:0.10303403011088445	They:0.08362215678593318	We:0.08226740771845666	there:0.07727015519457225	which:0.07506570813896148	There:0.07043491644608563	you:0.06715081680042287	:0.01
and:0.23026394766114652	the:0.22502949873451872	of:0.18445548223102784	to:0.1112657691809816	in:0.06742454258269553	a:0.06369251105274935	or:0.052059846070485805	for:0.028002626068899344	was:0.027805776417495334	:0.01
five:0.21909628820030855	ten:0.21863414517621252	two:0.11819692794459515	of:0.11582100443269	three:0.09025878640162587	hundred:0.06150529099113512	four:0.05909791239755808	fifteen:0.05725277998253555	fifty:0.05013686447333915	:0.01
the:0.3772441636854395	a:0.25367080332187786	and:0.09350520296048519	an:0.08765451933243622	of:0.05038575415931538	The:0.040213824131550245	to:0.03400729561523257	that:0.02814769232661946	this:0.025170744467043548	:0.01
was:0.2355348555940092	is:0.1925741874227677	be:0.11479810828656922	been:0.10023027641843227	are:0.0780858809549843	and:0.0740107982165866	were:0.07019953678881173	have:0.0671059948303371	has:0.057460361487501936	:0.01
of:0.30835495407486396	the:0.18755711241169215	and:0.18067255532502174	in:0.09082971421610399	to:0.06830131606103124	on:0.046048724322924096	by:0.03777974375063844	for:0.03700830234480729	with:0.033447577492917296	:0.01
the:0.3132138250068827	of:0.16618287453186154	and:0.13196983491846973	a:0.12032244067739704	to:0.07864126666208325	in:0.061543815159596976	his:0.045463068481703874	Mr.:0.03701977623759598	her:0.03564309832440879	:0.01
and:0.35394901020896374	not:0.1314192300174955	or:0.12115181060307113	that:0.08893379806540191	was:0.07934807141030878	is:0.06339120778823891	be:0.05762569974616765	but:0.04811974545681011	had:0.04606142670354232	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
in:0.3778269605521277	;:0.10050235910876815	up:0.08899839657869923	from:0.07676498916508702	them,:0.07438647247016913	thereof,:0.07121527800757294	In:0.06788607972251222	him,:0.06663710614671445	benefit,:0.06578235824834908	:0.01
the:0.47907523704900445	a:0.2300369355078501	and:0.14901717051652857	The:0.04041953164250196	tho:0.022009401421866123	or:0.021049150861464742	to:0.018170504520793378	of:0.016820105534382	great:0.013401962945608572	:0.01
the:0.30531964262414774	of:0.1663584708074934	and:0.15422940555446654	are:0.09148297292901536	is:0.08999081000103584	was:0.047199178367558686	in:0.04708411858956033	by:0.04475963409064169	more:0.043575767036080404	:0.01
of:0.3141271630165652	on:0.1509418136977562	to:0.11029193621475239	and:0.10976850999528229	in:0.10708705654891672	that:0.06875967531070483	from:0.053628335522149184	for:0.04057400691302666	all:0.03482150278084653	:0.01
the:0.35704948455199803	and:0.19569839124732874	of:0.17066785543405627	The:0.11172442877965488	that:0.04277900599371835	these:0.03153273173181317	a:0.028047350814569483	or:0.027399312475863052	to:0.025101438970998136	:0.01
of:0.19129775724669368	from:0.14531245612009172	<s>:0.11122146644971465	are:0.10401040522437115	and:0.10255068440224303	land:0.09433412440275786	in:0.09070215806508326	the:0.0805074438059268	is:0.07006350428311786	:0.01
and:0.19563704984544114	would:0.1472006564258207	looked:0.12010668412297602	looks:0.1084201722336976	was:0.09583136534572757	not:0.0858553515043838	something:0.08340620733929721	is:0.07856492740080614	much:0.07497758578184978	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
his:0.2837949779583097	the:0.2732943209394245	her:0.1260458178175923	my:0.10398186785435022	His:0.06292274342274404	The:0.05308319966537948	that:0.0348939375266518	a:0.02801444611851095	and:0.0239686886970369	:0.01
the:0.3009343919348128	of:0.21842462618987796	and:0.10824950228244595	to:0.08921475871317744	be:0.07708916738375318	a:0.06581305511235548	their:0.0473386215330636	his:0.04191368284079976	for:0.041022194009713915	:0.01
and:0.18363282820901694	the:0.12124915320812743	to:0.11727909452132212	will:0.1049323296525499	which:0.10304301242018114	said:0.10255730649379331	of:0.10121423398487817	that:0.07967799157623706	may:0.07641404993389389	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
carry:0.2531501453566949	through-:0.22987000183719142	with-:0.1450204013714821	carrying:0.08293987265271313	pointed:0.06672683102072541	and:0.059369703054731424	sent:0.05515216574947199	brought:0.049249105518804445	carried:0.04852177343818517	:0.01
is:0.16119863590376318	of:0.16107417100592183	with:0.15751349311919602	was:0.12446953121392977	to:0.09623101280331829	in:0.08712320722684029	for:0.07738751075248625	and:0.06606701001796125	by:0.0589354279565831	:0.01
of:0.25823735451086327	the:0.13793974357911254	and:0.1261945327872129	in:0.10903247852169387	a:0.10865155169663732	to:0.09238292652407407	-:0.07710713226639392	for:0.04331262260445606	by:0.03714165750955609	:0.01
and:0.30937248239004295	that:0.14926177207768093	as:0.12706581059587674	which:0.07533535813185005	the:0.0745852795685487	of:0.06797592753701469	but:0.06524530027187	<s>:0.06371476663143535	when:0.05744330279568063	:0.01
of:0.30263722426622586	in:0.19523343718925015	to:0.15106677396787002	and:0.07248858022316827	on:0.07111285752188146	that:0.058677547308578076	for:0.05212232161923914	by:0.043544582764711244	In:0.04311667513907572	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
the:0.5866180989641897	and:0.18152312125731854	The:0.049106845153953214	tho:0.04530403656189414	of:0.02986196268946406	or:0.02538317270584219	as:0.02495854770541628	a:0.024048477921043455	said:0.02319573704087833	:0.01
to:0.2693604826883398	a:0.1827091017239264	the:0.1633346407465591	great:0.0875797229770177	of:0.0687589584753132	in:0.06595249542576563	large:0.05771893090981783	and:0.05506986418094314	full:0.03951580287231711	:0.01
a:0.490926651749295	the:0.34525983320525366	this:0.044145503196020806	that:0.022469380892741756	long:0.020492346644275194	any:0.019784112426947265	tho:0.01760400082164172	same:0.01584501902121498	The:0.013473152042609701	:0.01
the:0.5076194540856227	and:0.11333271599729731	of:0.09924667995766272	a:0.09196649964578013	The:0.05052838415266518	tho:0.03879562589039692	in:0.03394848624286275	or:0.03070985324876685	for:0.02385230077894552	:0.01
was:0.18423666489622145	be:0.16095617723834332	is:0.15767427443190182	not:0.12493453589060834	are:0.08255439353387735	and:0.07859964577594578	been:0.07462157757003757	the:0.0710537260495114	were:0.05536900461355302	:0.01
the:0.3119889682662673	an:0.12164577467455352	be:0.10570754945416716	in:0.09545619385223393	his:0.08833668391397556	and:0.08644115946573343	a:0.06429698724827668	so:0.06374430894346872	their:0.05238237418132378	:0.01
spite:0.1487507634548454	out:0.1458209698160799	and:0.13969007688794002	that:0.10391708813818727	value:0.10208382150396517	part:0.09633133876814114	one:0.08915362516772866	sum:0.08654755829201861	amount:0.07770475797109394	:0.01
one:0.272561840834379	some:0.17567181277195737	many:0.10063293298888824	all:0.09012185611021117	out:0.08848657377219274	part:0.08783075355359866	any:0.06250830842543066	most:0.05768093203675736	portion:0.0545049895065848	:0.01
last:0.2169249550981018	the:0.16731805390332982	this:0.14091367695231866	Last:0.12588183242325343	a:0.09745888878972123	next:0.08767435060063	one:0.05863658961851867	fiscal:0.05054154798408023	that:0.0446501046300462	:0.01
the:0.37586657146071345	capital:0.31147294631587447	and:0.08040952631341414	a:0.05174211946761506	of:0.043826300403576185	live:0.03645729725806847	The:0.03335214401134112	common:0.030426732618109367	large:0.026446362151287674	:0.01
in:0.3778269605521277	;:0.10050235910876815	up:0.08899839657869923	from:0.07676498916508702	them,:0.07438647247016913	thereof,:0.07121527800757294	In:0.06788607972251222	him,:0.06663710614671445	benefit,:0.06578235824834908	:0.01
and:0.22495397726099428	to:0.19116297190837458	of:0.13046791707548624	the:0.11989732600975414	-:0.07708223813193583	.:0.06542185783182526	I:0.06472158512319183	a:0.06091320826928238	was:0.055378918389155436	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.2738969495084008	and:0.2731788525102484	a:0.1158568283904243	of:0.10046114931148484	to:0.05919800389208014	be:0.0530614569173413	Mr.:0.03901104025097202	have:0.037904790207097826	was:0.0374309290119503	:0.01
the:0.2021876756688226	and:0.1901097567724701	of:0.1544575092287252	a:0.11249820163304393	to:0.08938069938656719	at:0.08296089606882535	.:0.06097176323615198	in:0.05733557119658765	was:0.04009792680880594	:0.01
and:0.2298087334044965	the:0.20014555321920866	to:0.11509335046286724	of:0.10320204081403925	a:0.07282770408580694	or:0.07077397981313034	be:0.06771830557229142	was:0.06698191984524497	is:0.06344841278291471	:0.01
number:0.20674026502619014	out:0.12902234368728466	one:0.11012817108755833	line:0.1082460891179774	part:0.10227889072950494	day:0.0912098771832762	side:0.08423897941082646	state:0.08391121295590433	way:0.07422417080147754	:0.01
a:0.19046199324022342	the:0.18539622399840594	and:0.16027940426072812	of:0.11329520313880435	was:0.08937277446825297	is:0.07482436136714155	to:0.0651086742844909	be:0.059566512489368145	in:0.05169485275258443	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.25094264564336305	I:0.19507273776370826	he:0.1823399357089215	they:0.08092641995539074	who:0.07798131292671955	she:0.06394299526586414	we:0.04801440713003142	He:0.04568726536258456	it:0.04509228024341672	:0.01
a:0.29758910663305543	the:0.27423539380877837	any:0.11748842211131856	that:0.08968490661350281	this:0.054721926404863785	every:0.04658436821377061	greater:0.04460875833254082	latter:0.03430552952077778	no:0.030781588361391832	:0.01
and:0.2713949768923401	the:0.21373543215715796	of:0.1440548965961616	in:0.11211729400784605	to:0.06805873770499855	was:0.06533371409314596	is:0.04415510957036887	are:0.039882904771017344	that:0.03126693420696362	:0.01
a:0.1788008191534331	the:0.16212342522123074	and:0.14921345703403505	no:0.14632463759921158	to:0.10093215657659221	any:0.06914456453905053	for:0.06403080124931201	it:0.0626715699877262	is:0.05675856863940834	:0.01
and:0.35835756148209524	that:0.18896856358629563	as:0.16351816304862796	even:0.07063759194315952	but:0.05724154574581541	him:0.045365751586775964	see:0.041191034133070084	or:0.034091501218351444	asked:0.030628287255808566	:0.01
the:0.42923051230174153	a:0.13643063311287199	his:0.09969011411358161	their:0.07673863150001713	of:0.07269289626096521	and:0.04996633091090987	The:0.04646950002009398	its:0.04053364186984172	in:0.03824773990997691	:0.01
of:0.4049643247052135	to:0.11060503942655169	in:0.09646060222650728	by:0.08193389683221992	and:0.07591828595923089	for:0.0685794106501144	that:0.0627809785842213	with:0.04702791679610854	from:0.04172954481983243	:0.01
it:0.3074136572758263	It:0.29710099625197284	there:0.10949183880412501	There:0.06839837551585734	which:0.0660745173957266	that:0.03904954450302191	he:0.038434759197821536	This:0.03540552849602384	and:0.028630782559624448	:0.01
of:0.2385278850815901	the:0.16802364293714533	and:0.12948864632017906	to:0.12756909556412252	in:0.08455289842744297	a:0.07072259306338716	be:0.06299644397177792	for:0.06094683413443188	is:0.04717196049992302	:0.01
and:0.2527665438324861	to:0.1633173289190507	of:0.13919363059599127	<s>:0.09300377387100948	the:0.07827709571278046	is:0.07503184876419434	by:0.06825491440232587	was:0.06792846133883576	at:0.05222640256332604	:0.01
of:0.303372016523161	in:0.17415997842598993	to:0.11127151508716443	and:0.08140738781428626	with:0.07981818775496397	for:0.07371150963101958	as:0.0582437967282237	by:0.05494238552236087	that:0.05307322251283033	:0.01
of:0.2292985794604062	to:0.20099238953326581	in:0.12841367131144268	and:0.09753694617651085	for:0.09504475695569375	at:0.07579221683739075	with:0.05971338531905755	In:0.059634132256843615	from:0.0435739221493886	:0.01
difference:0.43709442702575063	and:0.08632080141843143	lying:0.08509573921437405	line:0.07615388939684906	out:0.0721762481489986	it:0.06657261635775392	relations:0.06020009481124038	up:0.056645815970365575	made:0.04974036765623634	:0.01
it:0.2629839592968598	that:0.22409505580545935	It:0.13978079302043686	and:0.12964888135968886	which:0.08436079418522563	he:0.06071545172070939	be:0.03161268819713904	There:0.029889326721756718	fact:0.026913049692724404	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
it:0.2893018368754598	It:0.17266460076337398	he:0.12071517707824071	there:0.1182646846978756	that:0.06604295340439117	they:0.06402802400586102	I:0.05745741066766621	and:0.05658446664581494	which:0.04494084586131666	:0.01
the:0.35855248374727516	and:0.14085135925515183	a:0.13358430461048806	of:0.09825395233044769	is:0.05505736379616085	was:0.054073294856273955	in:0.05119698245244946	attorney:0.050710140758326375	brigadier:0.047720118193426586	:0.01
of:0.4061718721844183	to:0.12549127481807346	that:0.11646835314454528	by:0.09842653733529988	and:0.09807313009608123	with:0.04982855422007516	for:0.033121613173140343	as:0.03243387979934149	all:0.02998478522902498	:0.01
of:0.45652469464942186	for:0.11149055051308812	and:0.09188456198038085	in:0.08339808188491017	to:0.05729539656427303	with:0.052720875232662896	on:0.05008785743924074	that:0.0444945665197203	by:0.042103415216301954	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
years:0.5074541302442366	months:0.1053687588749632	weeks:0.09182469396117628	days:0.07496789778115333	long:0.07291645134932556	year:0.0562359808304419	time:0.04388022834911218	Years:0.020164322739120673	week:0.017187535870470127	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
by:0.2702625932256857	no:0.16521706595179875	and:0.16000539738142444	the:0.108855286518447	a:0.06403481279701542	of:0.05815601686461051	which:0.056026677293645105	This:0.05497241265625872	this:0.05246973731111442	:0.01
a:0.34598725464759816	the:0.32835017784554044	of:0.09846787096716494	with:0.0548625526729733	this:0.041521199089276914	and:0.03507760480954689	in:0.032406961593652236	A:0.02759301902458879	so:0.02573335934965828	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
be:0.2815856699304166	as:0.17970098062030498	was:0.1375417579987667	been:0.11225603604947382	is:0.09946271510123118	and:0.07804624352871534	are:0.04098354255837544	were:0.03368779029308702	not:0.026735263919628875	:0.01
of:0.3164943333758349	to:0.14064947480557086	and:0.11182421724437001	for:0.10690283180709179	in:0.08298624627859265	with:0.06849062511290124	that:0.0618337699529164	by:0.05323391437174945	is:0.047584587050972856	:0.01
and:0.3751266396003749	demand:0.1534824405887765	ready:0.09374438057202743	used:0.0766240809589987	vote:0.05977712297699161	as:0.0593567237041942	him:0.057379075522309364	candidate:0.057311849576235085	not:0.057197686500092125	:0.01
in:0.2131866054664273	for:0.18278527504286687	of:0.17465590095326441	within:0.09270317324720147	and:0.08112620763954176	only:0.07401156421911753	In:0.06727676343538887	with:0.05638982722093512	is:0.047864682775256746	:0.01
a:0.6499432116454301	the:0.10871510264685756	of:0.06627533235701245	with:0.049802681093394696	A:0.03689231716048835	so:0.025192841658424014	this:0.02216478467050196	that:0.016752931379360556	and:0.014260797388530325	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.30088969448195496	of:0.2194409226609995	and:0.13396918761579932	to:0.0780083464333698	a:0.06107820433258754	be:0.05879284736371369	in:0.04812400463990863	for:0.04529085008514499	was:0.04440594238652154	:0.01
of:0.31662382482780055	the:0.18822284322808477	in:0.11578788137479393	and:0.09407676728996123	that:0.07488917283524958	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.03956238267555868	:0.01
the:0.7116100946600262	in-:0.08685286124806266	The:0.05224940748662319	tho:0.0386131157998009	in¬:0.028801689500061293	in­:0.02229095565574599	a:0.01947275992216231	In-:0.015184676465394903	ex-:0.014924439262122337	:0.01
to:0.4173151003847825	will:0.2547242342498103	would:0.10952027194202492	shall:0.056864281361186986	may:0.04051137811005727	must:0.0373110877215711	should:0.03660378912252466	and:0.01972409023838229	not:0.017425766869659957	:0.01
is:0.24414522809560332	well:0.20312681843225824	be:0.1395493322425759	was:0.08593936342546316	not:0.07910460228104879	been:0.06807726227693138	are:0.0616780709051422	and:0.06120280740099837	have:0.04717651493997867	:0.01
Mr.:0.25972210486668906	and:0.15448053076431278	the:0.12836624133273317	.:0.11073699725176288	said:0.09386207724533635	<s>:0.07667211846696796	of:0.06735819456557607	at:0.05872799546147593	to:0.04007374004514587	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
land:0.15304949460422745	in:0.12111478034222774	State:0.11881649907265439	men:0.10660418671686478	good:0.1054325796832424	state:0.1045425859180446	power:0.09940588065217322	relatives:0.090976797436171	up:0.0900571955743944	:0.01
the:0.1949205895467081	of:0.17951619195767718	<:0.12158403736133648	.:0.1041743950980085	and:0.09054766492829876	-:0.08332747542693358	i:0.07585175386324074	in:0.0729554896248367	a:0.06712240219295998	:0.01
the:0.1525453172886093	Miss:0.15181535023959775	.:0.1309252581234413	of:0.12921674183447757	Mrs.:0.11019795476557646	Mr.:0.10051935223258629	and:0.08833088280152863	J.:0.06670013274741417	W.:0.059749009966768456	:0.01
is:0.28994808653762494	was:0.23206213354567198	are:0.18119215087571813	were:0.07096135166674271	do:0.05246886553046269	am:0.046491472131020124	and:0.039326064271565805	Is:0.038878808624924016	had:0.038671066816269625	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
and:0.21588170817948793	is:0.1380464526789505	as:0.10877198963168332	was:0.09665974862525148	him:0.09582558047414677	order:0.09464522416786302	time:0.08412312753317606	began:0.0785555734846557	able:0.07749059522478517	:0.01
the:0.3187533310365806	of:0.19153223533904776	and:0.13333775657562166	a:0.08569118153695421	to:0.07805362827458312	his:0.04896787193732948	be:0.04728575140178597	my:0.044784222538298106	I:0.041594021359798936	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
is:0.21192121046816265	have:0.1632188206820735	had:0.14961903888459446	was:0.1030679846162458	has:0.09368851590127052	that:0.09023847836297288	and:0.07879112786008677	be:0.05940862590773796	made:0.040046197316855395	:0.01
at:0.3935903344261987	to:0.1663344980319732	of:0.15170678574696486	At:0.07478308716164216	in:0.07084146861909288	from:0.04002386542864681	and:0.03127305594949951	for:0.031089746908411178	that:0.030357157727570815	:0.01
of:0.171089613922467	as:0.13609430585224974	is:0.12963623192888857	to:0.12285108782570944	for:0.11645824108959836	such:0.0940011368774798	with:0.08815858993514146	and:0.06929411936139948	in:0.062416673207066106	:0.01
the:0.1943690168017149	and:0.1936916332992471	a:0.15282891514379618	to:0.1363310514939909	of:0.12832900531028	be:0.05270112347343313	is:0.045128710796899965	in:0.04495945495816825	or:0.04166108872246949	:0.01
of:0.3012138251615828	in:0.23269281309284665	for:0.08817929869936628	and:0.07230279946695806	In:0.07147944506226979	with:0.06776183624095163	the:0.057211177300570716	to:0.0501993131676716	is:0.04895949180778256	:0.01
the:0.16440861012027536	a:0.16127619032291127	or:0.1412468478434887	and:0.13746000350686674	no:0.10645588971496965	much:0.09170529655471517	of:0.07882929521295744	is:0.0625693326195363	be:0.0460485341042793	:0.01
is:0.23448938274981035	was:0.1240191970936628	of:0.1052452012112998	and:0.10213969365475394	be:0.0994762547155441	as:0.09164530982128835	with:0.08974794103398158	for:0.08368937661289079	to:0.05954764310676833	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
it:0.21175262889566568	he:0.19014680904145959	It:0.18982028099853918	I:0.10966414085604292	there:0.07299980840495356	He:0.06663726083701502	and:0.05018674089608051	she:0.049644215904146693	which:0.049148114166096796	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
it:0.29661847309004447	he:0.20627930897279043	It:0.1712772104924651	and:0.08343957979389993	who:0.05460018820514974	He:0.05423108874939179	that:0.04784992185095355	she:0.03864014143725655	which:0.03706408740804831	:0.01
to:0.3457198529266166	will:0.236498394115841	would:0.13759521963136906	may:0.0673944449425821	shall:0.05905030450265586	should:0.04960071642528487	must:0.04153944623877345	not:0.03540599644457872	can:0.01719562477229838	:0.01
do:0.46323588921528736	did:0.26427765978951273	does:0.10823541961328483	could:0.04883505285665004	would:0.04378830986826582	will:0.031072969200934074	and:0.011093674980324637	is:0.01076286019224127	should:0.008698164283499187	:0.01
that:0.2552027492246132	and:0.24739616137381143	but:0.13951823211335046	as:0.10047275784378422	which:0.07665856935201883	if:0.05195519272673162	when:0.04972913884251489	where:0.03626071909960702	But:0.03280647942356842	:0.01
the:0.1944170387447947	of:0.18106283789481067	for:0.14257023511907493	to:0.1227159886053612	in:0.10130994813828766	and:0.09827312892330022	a:0.06221677927033259	be:0.048245288620864524	that:0.03918875468317342	:0.01
the:0.3795570898709451	a:0.22481419890828064	of:0.15380049885954458	in:0.06865740272400324	and:0.04397374487227579	The:0.042069731997762774	to:0.027731146678269824	on:0.027015950327205353	from:0.022380235761712674	:0.01
of:0.39297418904724957	in:0.13782929992366688	to:0.11921830454320462	at:0.10822785193093158	and:0.05650556296328545	from:0.05073925759619942	by:0.043488609856173095	for:0.04192281602431903	on:0.03909410811497039	:0.01
the:0.32344792120366006	and:0.13574983968668922	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074353	be:0.039104903932751574	:0.01
the:0.7437089280887562	The:0.0685312877913165	his:0.04658038881170133	and:0.03206077296587363	tho:0.027923307482110304	a:0.024174128866566152	of:0.017880473754156082	this:0.017025735840024533	that:0.012114976399495317	:0.01
of:0.18076340228610477	as:0.15213682828887956	to:0.11447663521443448	with:0.1050048062674308	is:0.10410908234887026	and:0.10126061091010172	for:0.09168166844527663	in:0.07484525587452616	at:0.06572171036437563	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
the:0.21979772021043278	of:0.16695071946204496	to:0.14809720715590155	and:0.13835271658804138	a:0.07816852657528536	.:0.07116758129741788	in:0.06415096987534247	at:0.05701748514684187	was:0.04629707368869168	:0.01
and:0.19905929352333704	of:0.16007842143198178	to:0.11018367351491487	by:0.1081163204203422	that:0.10800053415391882	for:0.10760330853775209	in:0.07145542260908147	with:0.07087000112008383	was:0.054633024688587904	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
sum:0.3539514508613801	rate:0.17244903046905766	one:0.08891524464089454	amount:0.07331814878778507	out:0.07066043298146303	number:0.06500378352768377	consisting:0.060053059426700514	instead:0.05336354511059119	period:0.05228530419444427	:0.01
the:0.2781006807555158	Mr.:0.20279267951665778	of:0.13237428459760445	The:0.0866001262227909	and:0.08328248282159866	that:0.07698677073899704	a:0.05770113214848798	Mrs.:0.039502858498326084	.:0.03265898470002127	:0.01
that:0.31477914547653374	and:0.20075168692270082	but:0.1078760036867674	as:0.09014379652450287	when:0.0823790812736193	which:0.08073958256682875	if:0.04767380552388467	where:0.03845583820312528	until:0.027201059822037178	:0.01
was:0.2879556677775762	be:0.17983138712790245	is:0.13610436119979683	and:0.09571055279910118	been:0.08587789636958447	were:0.06353316198452076	as:0.059689272219505575	are:0.04810240003134723	being:0.03319530049066535	:0.01
the:0.25387585854953526	and:0.16573125040311912	of:0.13220542497073806	be:0.11122463475364033	to:0.10941947712111581	a:0.09084119012214986	in:0.046223570180919306	or:0.04131804815602004	is:0.03916054574276227	:0.01
was:0.2639165813443856	and:0.17589605196151806	be:0.08906168927327233	is:0.08545090554553754	had:0.0841667833847072	were:0.08053657804708438	are:0.0735553616359519	have:0.07134958012957573	been:0.06606646867796734	:0.01
of:0.2813746091004038	at:0.13639222568305914	to:0.12709615687002418	and:0.12450448759759586	the:0.09934535058437093	a:0.07499128421046083	or:0.06444835975121568	for:0.04276506573094608	about:0.03908246047192363	:0.01
the:0.6480063399958667	a:0.17859622246903797	his:0.04658591765924813	The:0.034138788224700116	tho:0.03403768775791558	tbe:0.012633666193349139	to:0.01247975361523567	of:0.012469813471598515	their:0.011051810613048293	:0.01
<s>:0.5885864903179295	it.:0.08586360909476495	them.:0.06862390668325882	year.:0.05018870452713055	time.:0.045454933124106006	country.:0.044789585166938185	.:0.03820217013899944	day.:0.0377413512229481	work.:0.030549249723924386	:0.01
is:0.23445941269709378	and:0.1422868010934491	him:0.11495175508255034	them:0.09299383120537091	was:0.08805931929744108	not:0.08701644906721304	able:0.0868035546561515	right:0.07978933224507312	necessary:0.06363954465565715	:0.01
John:0.18168394526814913	James:0.14398384853373955	William:0.13709361857647606	Robert:0.11819949703646887	Mr.:0.11225167537874155	Joseph:0.0793957002251252	.:0.07681016317104357	George:0.07655070313621844	Charles:0.06403084867403754	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
in:0.17387895183430335	was:0.15184996446754345	is:0.1453375648334482	and:0.1276741716421529	are:0.09282370279024972	be:0.09059452307956102	of:0.08190653171807581	to:0.07716093769142236	by:0.04877365194324304	:0.01
the:0.4733533158394222	a:0.3204624778812788	of:0.03897110405077191	in:0.034710468067200524	and:0.029375505112350524	for:0.028335678793844587	to:0.027120999187905715	tho:0.02130674820517878	from:0.016363702862047063	:0.01
it:0.2131788841045554	he:0.1867324812779885	It:0.14093961810063965	which:0.10085580692903923	I:0.09523457785691533	and:0.0799079407626281	who:0.06284443033512091	He:0.05697400216718626	that:0.05333225846592657	:0.01
of:0.3713469509544565	to:0.1514708017555304	that:0.10527984797247181	in:0.08678755123882	and:0.06990737924797069	by:0.06375572719248994	on:0.055288338966648115	for:0.04561655489153375	from:0.04054684778007883	:0.01
and:0.30049077715083417	made:0.11482286436311909	necessary:0.10365658893741406	care:0.08886574584705424	impossible:0.08257114392851662	it:0.07922658321609924	enough:0.07725728626891652	pay:0.07530469160740183	responsible:0.06780431868064431	:0.01
be:0.20575761142967097	was:0.203052835922566	were:0.13415036468639918	to:0.09276901026561232	been:0.08419347559147583	is:0.08131857673143743	are:0.07271235289233076	and:0.06985698146089504	not:0.04618879101961235	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3095876780584938	of:0.17316931702614413	to:0.12268602141238893	and:0.12089557564332551	a:0.08723231527611129	in:0.05333032522055631	be:0.04669364142145447	is:0.03842252484347462	for:0.0379826010980508	:0.01
the:0.44303970884532984	a:0.12475415131774578	and:0.12079460160714561	his:0.08736434075552059	of:0.0597805605038652	in:0.04283179577345091	their:0.0395199103828092	tho:0.037117587145389784	The:0.03479734366874314	:0.01
up:0.18784817241181564	him:0.1379893177524732	made:0.10264202715188682	men:0.10201710279215713	them:0.09620596658941419	time:0.09421834293644565	right:0.09205460387281905	out:0.09059386969571255	it,:0.08643059679727584	:0.01
did:0.22824854472680423	do:0.21180394996441723	could:0.15124236451287393	does:0.1287460977895312	would:0.09042405334368667	will:0.0833773133867951	is:0.0402433911869674	should:0.02967219308755204	was:0.02624209200137217	:0.01
to:0.7289476602080746	and:0.05173906586584135	not:0.05089969053304894	could:0.04200107954441387	will:0.030113265921993326	can:0.028502583309713916	we:0.021742964512619957	you:0.018044002819745456	they:0.018009687284548576	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.39186751761003824	of:0.1402154345825708	and:0.13293276723922778	a:0.11212134411455146	to:0.051483673067958924	The:0.04602845774404817	that:0.04118570299236603	his:0.03767102389062696	Mr.:0.03649407875861161	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
forenoon:0.177542069486481	one:0.15197902685962286	result:0.12154738781861386	out:0.1146226779973252	all:0.110600438530804	part:0.09375218969813726	some:0.07435440729973954	much:0.07302022176870575	is:0.07258158054057061	:0.01
<s>:0.35055272800643306	it.:0.17245354707536006	him.:0.10316421207097055	them.:0.09768326432086014	.:0.07536591952341841	time.:0.05456616118102407	again.:0.04966682549179576	her.:0.044047524173539576	life.:0.04249981815659834	:0.01
the:0.4362408874175964	a:0.2794992272455392	of:0.05816696377381617	and:0.04658321448035005	for:0.04398427965525845	The:0.04013326197851156	A:0.03154003442251084	some:0.027086851479778105	his:0.02676527954663925	:0.01
of:0.3920789636602389	to:0.12246265218435792	in:0.09507556154409814	that:0.08375421034229642	all:0.0740883726245024	and:0.07013984877795724	by:0.06274457939342132	for:0.05155700098990748	with:0.03809881048322026	:0.01
-:0.22895178740850217	the:0.15810570903202412	and:0.154500653200847	of:0.10049794402993374	an:0.09927591943186385	a:0.08423143438361476	<s>:0.059310965532659465	.:0.056287259010409874	it:0.04883832797014502	:0.01
they:0.1998335772750468	and:0.1285911753218984	there:0.12814134151344017	who:0.11000642161413271	which:0.09779705705316387	we:0.09513297728693008	They:0.08797460803454361	These:0.07229003956576903	that:0.07023280233507535	:0.01
the:0.23849944354052557	and:0.22225393732008122	of:0.1258137656496592	an:0.11516283997567414	to:0.09710821314146077	was:0.05978823127682273	be:0.05202196546450738	with:0.043144722721973054	or:0.03620688090929587	:0.01
the:0.35677575719598337	of:0.13036197153662457	and:0.12253106944843381	that:0.0937974690679659	The:0.07692402567578875	a:0.07516333244108345	Mr.:0.061403311834819556	in:0.03847598291770064	no:0.03456707988160001	:0.01
one:0.21303943994489263	out:0.1698340805609801	part:0.1472687798153334	some:0.10564771493692295	account:0.1047360670487683	any:0.0723917686949588	all:0.06334962810761698	that:0.06091520523433158	tion:0.052817315656195345	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
number:0.29669272769487465	be:0.12517712203577747	is:0.10183551968665429	purpose:0.08924166105991864	out:0.07617884509313266	board:0.07557987657527789	sum:0.07514471316869262	matter:0.07508239419228413	are:0.07506714049338757	:0.01
the:0.46951559820730054	National:0.14253362522005367	State:0.09627178350415681	a:0.06691439596259798	said:0.06408375382879396	City:0.04558028726628463	this:0.03677061428106033	our:0.03465453710663649	Constitutional:0.03367540462311565	:0.01
and:0.2639973736684975	filled:0.1476367548821338	covered:0.12123792782849127	connected:0.09968806546809099	parallel:0.0853253317564553	accordance:0.06963119264384375	charged:0.06900162982282379	together:0.06795793569939228	connection:0.06552378823027141	:0.01
and:0.3616685045934749	of:0.24319392886031438	the:0.16146466970229917	that:0.06357161097597037	in:0.0389088095791375	per:0.03394081605513318	or:0.03076991034042939	with:0.02991148903577912	for:0.02657026085746186	:0.01
be:0.2535391233401247	was:0.25195170480925727	is:0.13788700943440294	been:0.10468270378054285	were:0.09165856041347394	are:0.0778484600390016	Is:0.02776377496681634	and:0.027571380516636202	being:0.017097282699744087	:0.01
the:0.18465011426744676	a:0.18444789305296888	of:0.15976656344079637	in:0.1563009106596757	and:0.13941470150056956	to:0.06750066222494108	In:0.03722134552557393	an:0.03139874585798706	as:0.02929906347004065	:0.01
three:0.26592878638369055	six:0.17757687724414795	two:0.1415236677341999	few:0.12848141552555842	four:0.09252020381840102	several:0.05953028819685697	five:0.05692556486754851	twelve:0.034206586104898844	many:0.0333066101246977	:0.01
and:0.3004961996698771	that:0.14202414532925914	of:0.11047709620594294	when:0.10757332270424912	do:0.07682242988081353	if:0.06784596822099344	as:0.06762477298015634	but:0.06707589118038242	all:0.05006017382832599	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
.:0.19686796506436904	Mr.:0.13900190832957285	Andrew:0.12449310721331042	A.:0.11748800124013431	C.:0.09081505613128053	W.:0.0883268920057891	Mrs.:0.08178915118935091	J.:0.07992544890062063	H.:0.07129246992557216	:0.01
of:0.38183744328438635	the:0.22804171284887406	in:0.11912192086230038	for:0.0629458434293955	and:0.049551879856948616	to:0.047912388299104346	a:0.04637359915789573	at:0.028430826132319217	by:0.025784386128775916	:0.01
had:0.19828856196122424	was:0.14780132749699684	could:0.14182412825399798	is:0.10423307030770415	has:0.10247839359525208	have:0.09265149738935002	and:0.08231350942641562	I:0.06305816671601397	can:0.0573513448530452	:0.01
the:0.5569778523078637	a:0.13009862741107892	and:0.10097076440496779	The:0.055037323972442084	of:0.044313136199435874	tho:0.03988537402893128	or:0.021648158527426235	tbe:0.020595499604320125	in:0.020473263543533984	:0.01
and:0.2011568557429247	the:0.18744675197303373	of:0.1731616281387204	to:0.15124138919800478	in:0.0835458167936189	be:0.06455039164324629	was:0.044267193450221176	a:0.04325789550780316	on:0.04137207755242694	:0.01
that:0.42298469206553535	which:0.14718301048178825	and:0.09974483873807846	as:0.07404962512175495	where:0.05796028628681693	if:0.056649758189326736	but:0.05011016041941644	when:0.043901133372010445	what:0.037416495325272525	:0.01
to:0.306052453481056	not:0.15695263098626533	and:0.1313145365456687	will:0.11395551366496709	a:0.06803394491582704	would:0.06664847099929805	I:0.058347620352984436	the:0.04842739414413814	we:0.040267434909795355	:0.01
in:0.21255372270773373	;:0.15221828370520518	up:0.13427612365365588	it,:0.09136983292627703	dollars:0.085827056296769	county,:0.08487257082961162	time:0.08178439475356132	him,:0.07374521134987991	and:0.07335280377730623	:0.01
and:0.15051901025693476	is:0.1342102674340775	able:0.13316103449411526	right:0.10640530524787285	have:0.10291429812390783	order:0.0921751123047806	him:0.091084125387133	ought:0.08982613236475077	enough:0.08970471438642748	:0.01
a:0.4126072757668925	of:0.1593918943147373	the:0.1454224752813271	and:0.08921256006133196	for:0.04045885277909438	in:0.04020985353744458	with:0.03699132717198454	A:0.03574155274454715	by:0.02996420834264068	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
Board:0.6253966349003294	number:0.06661963511792969	State:0.06307621699884955	House:0.048627286340522796	state:0.04464838166627569	line:0.04025254271954898	out:0.03755715057334463	city:0.03467818415556728	Superintendent:0.02914396752763201	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.0967371407604443	that:0.07632406646832235	a:0.046895937127093126	his:0.030747167493934736	Mrs.:0.026865629367826563	:0.01
of:0.4283683871768992	to:0.15261585972463945	in:0.11901514134561461	that:0.06478047643099777	and:0.05623323560834077	by:0.04944990949706894	with:0.04302000240029788	all:0.04091038871475838	from:0.03560659910138297	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.314336583316165	a:0.2726793739298628	certain:0.14795754754305052	said:0.07649599989414077	con-:0.053776267898498896	this:0.034583980500485445	and:0.030619008393512403	any:0.030439828838478362	or:0.029111409685805757	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.2739437179719701	and:0.25797320415696706	about:0.12982229857698852	for:0.09111321113747667	than:0.07792198324932562	to:0.058830267123224984	at:0.0441383209121477	or:0.030368630212663044	nearly:0.025888366659236176	:0.01
the:0.2691733533186461	and:0.1671314456628559	of:0.1635261680945928	a:0.11909445788929619	to:0.0974564659178209	in:0.06455607224293188	his:0.04199573225035839	for:0.033902132858518765	or:0.03316417176497908	:0.01
sale:0.6161918246325003	and:0.09223723399842065	therein:0.054314275445928144	was:0.05173885905257804	be:0.040525237430644186	is:0.0380046974946491	as:0.03710080186037897	mortgage:0.03007538595278554	land:0.029811684132115004	:0.01
judgment:0.280970244270068	and:0.18503723871099412	protest:0.1297418239008451	is:0.0743884912367691	Judgment:0.06828390343688173	was:0.06762247368120579	action:0.06390719209689077	made:0.06378447182794507	be:0.05626416083840034	:0.01
his:0.30918223504120323	the:0.2639150092535842	a:0.11565137252515771	their:0.06712801439440345	her:0.06697564793885176	my:0.0506079008740594	whose:0.045884694845544666	to:0.04542291809644177	your:0.025232207030753746	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
and:0.2256481276392676	of:0.18890860353704783	to:0.13324270737345084	the:0.12416310709208982	by:0.0894770536833938	was:0.07494209792629548	be:0.053870228167174294	been:0.0503716761989148	Generally:0.04937639838236551	:0.01
of:0.3068919629017157	and:0.20779182836583962	the:0.11881695540159085	to:0.07153806575974854	at:0.07115298827921197	St.:0.06833345840204055	by:0.05320509175566739	from:0.049950082540743616	Mrs.:0.04231956659344168	:0.01
the:0.606209487515394	The:0.14507913085305515	to:0.0721900785013009	a:0.06032713674352664	and:0.03696108703911827	tho:0.03454481662498011	tbe:0.013405485985015567	of:0.011227218032996505	his:0.010055558704612801	:0.01
to:0.5017187920253362	not:0.11715232221420553	and:0.11691831497155268	will:0.08690376629163313	would:0.06839123300225317	or:0.0332812433129471	should:0.02537688487687086	was:0.02054256978691536	must:0.019714873518286	:0.01
of:0.373174663380015	and:0.21045537123256003	are:0.10432725675482768	by:0.06125492952951386	to:0.05471490655799294	in:0.05390526516099476	for:0.052320429757377496	from:0.04855583425862492	as:0.03129134336809324	:0.01
the:0.8438120097608095	tho:0.04713951654558138	The:0.025497953037870225	of:0.02535332954874462	tbe:0.016528624465434353	and:0.010700477695209881	by:0.008500262674853366	in:0.007391737091237849	from:0.005076089180258902	:0.01
line:0.13304252341774733	corner:0.1323397644450505	city:0.1288686791413634	place:0.12370533211097837	side:0.12102124135707493	out:0.0989156159699521	half:0.08436203248196546	day:0.08424330582344189	feet:0.08350150525242589	:0.01
the:0.6527331634610065	corporate:0.201227336900061	tho:0.03881249879634909	The:0.028531133453428163	a:0.02263522899646332	tbe:0.01572850950187536	first:0.01262343560633708	porate:0.009325891112627624	present:0.008382802171851923	:0.01
that:0.31477914547653374	and:0.20075168692270082	but:0.1078760036867674	as:0.09014379652450287	when:0.0823790812736193	which:0.08073958256682875	if:0.04767380552388467	where:0.03845583820312528	until:0.027201059822037178	:0.01
the:0.4533845762390266	a:0.2554453335763509	The:0.08038315102811255	of:0.07158317794519738	and:0.04180214546297515	A:0.024666753594039633	tho:0.02124922053247596	this:0.020766053343965828	with:0.020719588277856145	:0.01
that:0.24135190839283496	and:0.15410451273371661	as:0.13871737104403684	when:0.1199341365272494	which:0.10730907660541535	if:0.07911102343955581	where:0.05899958658715756	but:0.05239510293128908	until:0.03807728173874447	:0.01
to:0.31469607664279836	the:0.2357686858966837	at:0.11963162170842984	of:0.08638316823615026	his:0.06793847029597351	their:0.057672875295741784	and:0.044783829607010765	no:0.034110018344238956	will:0.02901525397297267	:0.01
and:0.15228446575721244	as:0.12963434512201089	right:0.11889519489563674	enough:0.11491453268274741	necessary:0.11172257684429457	order:0.10866018026856801	is:0.09410031659068929	able:0.08961351323871145	made:0.07017487460012913	:0.01
of:0.24647376099176355	and:0.16051610308344264	the:0.1542643161049607	to:0.09744586846091977	a:0.09194421553040645	by:0.08277226506146108	for:0.07981047211802676	with:0.038937349881789415	that:0.03783564876722968	:0.01
and:0.22813005603170383	the:0.1572099043860072	is:0.11521833637416955	an:0.10420866558073172	was:0.09504037588459194	are:0.08564450459716828	be:0.08247759847336691	that:0.0643390720756877	been:0.05773148659657292	:0.01
the:0.2966248119120543	Mr.:0.22132203509490453	of:0.1226738827201116	and:0.11302427472880075	was:0.06388460798131877	The:0.05124990958864499	a:0.045412599345222765	Mrs.:0.039317253877116806	I:0.036490624751825344	:0.01
of:0.4362081295567595	to:0.1396006997908111	in:0.10492260147219248	on:0.06262409637591969	by:0.060145460285544586	and:0.05646906206619488	with:0.04827883721864318	that:0.04318948555453347	for:0.03856162767940104	:0.01
of:0.3466379247363035	in:0.23435289320600072	to:0.09906280039223751	for:0.07862417517360568	with:0.057282966091483464	that:0.053229739864214816	and:0.04828553335367481	In:0.04034480622629828	no:0.03217916095618119	:0.01
to:0.5057068608610376	will:0.14879134262786964	and:0.09626073166052919	would:0.08371087406970143	not:0.07310063348675463	shall:0.02469057661580373	may:0.02114764831835664	they:0.01860261041979595	can:0.017988721940151168	:0.01
the:0.8494710451419546	this:0.054061486790650363	tho:0.029746881975266815	tbe:0.013163277663396776	our:0.012268680581456038	a:0.012168533980575122	The:0.007339824458115967	said:0.007285546195119463	civilized:0.004494723213464743	:0.01
of:0.5279445518278946	to:0.13958810025127888	in:0.11831510427478474	by:0.054551572760212656	for:0.04488238560909005	from:0.028521907154578165	the:0.026287700730367833	that:0.02519912056763453	and:0.024709556824158544	:0.01
the:0.7571983289923251	an:0.043164322527908604	tho:0.03902980323705729	The:0.036675820504627775	of:0.03026063262338174	in:0.02938026802559089	tbe:0.01918058964814859	and:0.018504833453140426	a:0.016605400987819534	:0.01
a:0.3986650109318786	the:0.29484805748877047	and:0.07185017838027151	of:0.05624835185154688	his:0.05237265162556784	their:0.037485699103102794	The:0.03552266262451996	this:0.02353008682371343	our:0.019477301170628472	:0.01
the:0.7298737351707609	a:0.13103817666399165	tho:0.03926445573166954	The:0.031093246162230352	tbe:0.01398969651125185	A:0.013214560674863604	in:0.010982087626257447	of:0.010649864419501257	great:0.009894177039473442	:0.01
the:0.673972122637974	of:0.06662917881336923	American:0.052807963981777936	our:0.04414169671391923	a:0.04097029083888863	his:0.0402099162673699	tho:0.030767627944601667	other:0.023214923125729866	these:0.017286279676369642	:0.01
and:0.28561690127213024	to:0.1869204538596067	the:0.09775440933890517	of:0.09496705331980801	con-:0.07327995322246086	re-:0.068197515056845	that:0.06699404774274713	or:0.06380515870951274	which:0.05246450747798409	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
it:0.16496286309747368	them:0.15817733813107088	him:0.12196233187904476	made:0.11354086175603571	and:0.09207573872148668	men:0.08765580463047876	work:0.08676180906919843	feet:0.0837176895495895	there:0.08114556316562173	:0.01
one:0.20274323439291767	part:0.14352872140583828	out:0.1366663191385418	and:0.10464404844884788	that:0.1017632121328572	all:0.08991737930202753	front:0.0747489794917184	portion:0.07349420517888788	some:0.06249390050836335	:0.01
the:0.4228074094093372	his:0.19337079482541786	The:0.07790230088836954	my:0.07180082244618152	their:0.06003802751605777	her:0.048832744186815456	no:0.046266197664003014	our:0.03758142664952491	an:0.03140027641429262	:0.01
to:0.5149770475981358	will:0.1346783393002969	not:0.08265277225475992	would:0.07186959262433686	and:0.06726130341175825	you:0.032577373144446926	they:0.03117769070819441	should:0.03073681247251106	must:0.024069068485559734	:0.01
to:0.3533026411359388	and:0.20435769645637908	will:0.08797542170357056	not:0.08761748557193853	would:0.06526107597838438	be:0.05831903743372265	they:0.0526573450496042	shall:0.04258361517728598	the:0.03792568149317582	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
purpose:0.17263836238312708	number:0.1228425847443052	instead:0.12052412154531697	means:0.1187011720694733	out:0.10863070488187881	kind:0.0908544323459457	amount:0.08876876656261867	lack:0.08683009047865087	method:0.08020976498868339	:0.01
hundred:0.37259086288195764	Hundred:0.09577921769042368	dull:0.08613641902970301	quiet:0.08421163363876455	up:0.07986224047487027	men:0.07450285603635709	north:0.07074947024471993	street:0.06972011849306052	east:0.056447181510143406	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.350946280754555	the:0.16824832745541995	his:0.11047690301974969	in:0.08051538633303038	at:0.07323540482088407	with:0.055317819527909214	for:0.054852820825267	her:0.049973531078308604	their:0.04643352618487608	:0.01
to:0.5564594262092896	will:0.181105106358337	would:0.08491278620092918	and:0.05934731640259619	may:0.03270169999987023	shall:0.024361097685627157	should:0.01828977190706556	could:0.0168712207218476	not:0.01595157451443759	:0.01
rea-:0.33442157180427595	per-:0.2864656794554994	the:0.09366546580968849	per¬:0.08724677918600235	per­:0.06102435113035134	les-:0.056467634605810633	and:0.03164462209804047	his:0.02001110205682825	rea¬:0.01905279385350324	:0.01
and:0.2560685023728083	to:0.23357380523186577	in:0.11172173386222319	I:0.10297610406359924	of:0.07128657961369883	re-:0.06683461187359818	the:0.055888440060669675	not:0.04822441188759685	he:0.0434258110339399	:0.01
the:0.25939625861296817	of:0.18811970260647698	and:0.1546264796115472	a:0.12723122339542545	to:0.09528434055907156	in:0.0563394592453304	with:0.04220462690624009	by:0.033669079079623035	for:0.03312882998331711	:0.01
the:0.5612477990160273	County:0.27492797023233884	The:0.03439820656117147	tho:0.03320395925807097	by:0.027525269247782445	tbe:0.016573579025941046	Land:0.014693694561418115	said:0.014493749019215137	of:0.012935773078034675	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
the:0.21093246844756722	and:0.17664553319233464	re-:0.12398711496885431	of:0.10917603361871438	a:0.08458664074732132	.:0.08386517600389153	-:0.07850800713101413	<s>:0.0676747683278245	that:0.054624257562477914	:0.01
the:0.3156120566176114	and:0.18065527291598812	of:0.13282175656982317	in:0.07149998222937443	to:0.06905483533007659	that:0.05972209936444573	was:0.05565071582586487	I:0.053471938431946635	be:0.051511342714868964	:0.01
time:0.5512735629235351	and:0.10802162705403819	as:0.09734626873724443	him:0.050622571677268	is:0.0420631294233941	them:0.040023548870586165	required:0.03837644295804295	subject:0.03164859984702799	order:0.03062424850886309	:0.01
in:0.3778269605521277	;:0.10050235910876815	up:0.08899839657869923	from:0.07676498916508702	them,:0.07438647247016913	thereof,:0.07121527800757294	In:0.06788607972251222	him,:0.06663710614671445	benefit,:0.06578235824834908	:0.01
up:0.15814385675393813	addition:0.13742981650675554	and:0.12458187151217107	came:0.11414416982463267	as:0.11250542114965958	due:0.08882136789922333	according:0.08683615157811309	reference:0.08455786721599691	sent:0.08297947755950968	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
that:0.29808123898816485	and:0.2036801855313588	if:0.11898334989523399	will:0.08843772171283329	If:0.06471157267514421	as:0.06130420837344298	would:0.05527083735041517	is:0.05081402560813435	for:0.04871685986527244	:0.01
of:0.39107313858686	in:0.1495368155658938	to:0.1287326104835196	at:0.06955471129401407	for:0.06041854856632456	and:0.056980587516619705	from:0.04926015891104762	that:0.04263147678258198	with:0.04181195229313868	:0.01
Mr.:0.21850429336283472	.:0.1619486077745127	to:0.14328502835026785	and:0.1279874846018103	of:0.11015297726681227	Mrs.:0.0909387255191742	<s>:0.05262191962828554	A.:0.046016517784772545	J.:0.03854444571152998	:0.01
four:0.36976594944656954	three:0.21051958439884183	two:0.1519351498476077	five:0.059250447860028733	one:0.05676776769404966	ten:0.04201368784067481	eight:0.04048837050975367	six:0.03473194582120214	hundred:0.024527096581271886	:0.01
and:0.2821332441125666	the:0.16168437681830283	of:0.14013035573178564	in:0.13317136271882857	are:0.07931358172929279	by:0.0637312357823543	for:0.04712390685477575	is:0.04183424282547004	In:0.04087769342662345	:0.01
to:0.3167052859682995	in:0.26403659737763757	In:0.15858014205877005	of:0.06281349361520629	the:0.055534694600684116	a:0.04863867627297196	this:0.037310970803833034	and:0.0276905304749945	without:0.018689608827603028	:0.01
of:0.4554437666114562	to:0.10069795636277351	by:0.09553218565930596	on:0.08197033559374474	and:0.06842515700700434	that:0.06390332750274703	in:0.05704679809521173	from:0.034066120343759033	at:0.03291435282399739	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
the:0.297492901961497	of:0.17741408266195474	a:0.14645768029163828	and:0.09158810426380848	or:0.07279359814981	to:0.06981668528850316	in:0.0589873299937157	any:0.0419198791673564	be:0.03352973822171621	:0.01
the:0.3479477642378994	pro-:0.2190555915575872	a:0.13647956020376778	to:0.06275611087498591	and:0.05496357303430661	pro¬:0.05201515809027428	pro­:0.04224329232353119	or:0.03900438830055528	The:0.03553456137709234	:0.01
the:0.19571607199849117	was:0.18562547671523463	of:0.1729179535300566	and:0.11766223945159963	be:0.08698499177440815	were:0.0763786940764502	is:0.07445070725880172	been:0.04169796308941413	are:0.03856590210554376	:0.01
the:0.22344033004216068	N.:0.12464233829877173	.:0.12308675046554578	and:0.1100377588382798	of:0.11002309457736412	Mrs.:0.07960520596879704	A:0.07580810143551747	The:0.0718523269432488	&:0.07150409343031452	:0.01
as:0.24837157577856656	or:0.14232166364164286	opposed:0.11230514870743818	come:0.09928049147584614	and:0.09473117357100153	up:0.0760744201179667	regard:0.07367539801965169	equal:0.07250608124635792	entitled:0.07073404744152827	:0.01
of:0.3904933699629493	in:0.13774712925382238	to:0.11157713832717667	by:0.07427097858844174	and:0.06557246650130284	that:0.05953434275436971	from:0.05699911153560678	for:0.04758280790884278	with:0.04622265516748765	:0.01
of:0.413682311706495	in:0.13959619613598154	to:0.10258487763367885	on:0.09764219253569417	by:0.06753384947561251	with:0.0477858007075232	that:0.04468094869633224	at:0.03906389356872839	from:0.037429929539954054	:0.01
and:0.269991508107579	that:0.17270994492528033	which:0.11971759763523034	as:0.11705874646852621	when:0.11546419634289284	but:0.08221307522300947	if:0.052757353479282745	where:0.031876146156895636	so:0.028211431661303396	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
and:0.17948162989984093	able:0.15348165602527325	right:0.13951798193287746	order:0.12767823564694758	him:0.10089354474948443	is:0.07918378100997765	them:0.07030556033265083	attempt:0.07021167942553622	enough:0.06924593097741176	:0.01
the:0.2494518521444965	of:0.2297311289196306	in:0.155594273505653	a:0.09617596825838089	to:0.07425589474503982	at:0.06614879410500202	and:0.04685903946940559	In:0.03806279358611104	that:0.03372025526628059	:0.01
of:0.4091782578154313	the:0.12691364878419517	to:0.11603066267012314	at:0.0958530553411843	in:0.06360794308363107	by:0.04673527048486159	with:0.04557327519815721	and:0.04327723842235307	on:0.042830648200063104	:0.01
the:0.19836175636655523	and:0.1674130352389857	of:0.16070716605411697	to:0.14121474152525526	a:0.12385002738842145	in:0.07400006600096737	at:0.051765895272262975	or:0.041681126885312204	that:0.031006185268122963	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
on:0.26093876614682426	of:0.2313603853521912	in:0.14104423578423317	at:0.07420932258423689	to:0.0728916043730267	from:0.05853650693545567	In:0.05391587769799201	On:0.05320380330039513	and:0.043899497825645034	:0.01
the:0.36312321450761714	and:0.19848804090419978	a:0.09590696347401902	of:0.08303218790307448	.:0.06197545463946883	that:0.0579458576637141	to:0.04654520009645579	for:0.04337407994495109	The:0.03960900086649977	:0.01
the:0.3273937360618406	of:0.17154315531338243	and:0.11457586309098997	that:0.08825401814028669	a:0.06769471082179541	or:0.0676601352380678	Mr.:0.05450162227189653	in:0.05136141633743256	The:0.04701534272430806	:0.01
Mr.:0.42041178122291795	and:0.12439774935974698	Mrs.:0.10365586138817182	Miss:0.10330471965223749	General:0.05641023695372882	of:0.053017892118813754	the:0.049512501990121666	Gen.:0.0443734059957422	Dr.:0.03491585131851913	:0.01
of:0.28272708891957427	half:0.18088430977260264	for:0.1351171012514247	in:0.11172813880162866	and:0.06630852434043231	about:0.06320155018041856	as:0.05796581370807036	to:0.046802267138643	cents:0.045265205887205354	:0.01
the:0.6640815020341746	said:0.15032282700436012	and:0.04070303835213803	tho:0.02905554277908202	this:0.028718595489096835	The:0.023827234155262517	a:0.021714721335162813	of:0.016866546057654353	tbe:0.014709992793068482	:0.01
that:0.2994240904225421	and:0.21670346937709573	which:0.14122881951388647	but:0.09192054755653989	as:0.07340828337400185	when:0.06241604775346419	to:0.03709501725824319	where:0.03572550459949674	if:0.03207822014472997	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
the:0.25470561870247754	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862254	in:0.07582920922781207	was:0.07101916294765154	a:0.06560002811236118	be:0.05991783825325076	is:0.04301373266798011	:0.01
the:0.33031200187647275	and:0.1900736899932278	a:0.09860631045101609	or:0.09611705809557722	all:0.07221045937271184	their:0.06859114792493393	of:0.04807405387388773	no:0.04339152747891723	other:0.0426237509332553	:0.01
virtue:0.21738001102627372	out:0.18977337920912904	part:0.11522775944009786	one:0.10400846177203443	quarter:0.09462884564091131	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
and:0.2085245106292117	the:0.20775475375317495	to:0.1631167200493389	of:0.12348013976316746	was:0.06930763543801198	be:0.0654074719815791	a:0.06028015441705654	in:0.046715517135364384	is:0.04541309683309486	:0.01
the:0.29382344401335764	of:0.16863474639986378	or:0.14307906869843853	any:0.07308664829038722	to:0.07136481840825394	a:0.07087270478781335	his:0.0684275315984439	their:0.0509291868009022	and:0.04978185100253929	:0.01
.:0.21939799904058205	-:0.15074365359964684	a:0.1425712930366459	and:0.08608241031913261	of:0.0858702649333043	the:0.0856237798956152	re-:0.0844568429978356	I:0.06988962492839661	<s>:0.0653641312488409	:0.01
Notice:0.5483417146653617	notice:0.1785724627797436	it:0.06430391730339519	It:0.05997434598172384	that:0.03357646177516563	which:0.03180742956076193	reference:0.02603068327338274	there:0.025092507296849635	he:0.02230047736361583	:0.01
of:0.2879095906736429	by:0.15147283143704135	to:0.13226073003663077	that:0.1285469390652348	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411609	which:0.037163493311764606	as:0.03192736619326302	:0.01
of:0.42311165491785463	in:0.15226727283602218	the:0.10403673067714697	for:0.0798641766805789	and:0.07113637301907744	to:0.062264791089007544	by:0.03467463936702274	with:0.03324574417286477	In:0.029398617240424866	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
as:0.21424108236772732	very:0.12929304480075077	too:0.10950699210227381	and:0.10378702007950535	so:0.10164030478268492	be:0.09158552691860122	is:0.08572781000840778	was:0.08192184246920556	are:0.07229637647084329	:0.01
the:0.8863726773530108	tho:0.04767429894468294	The:0.02037911013063574	tbe:0.014848854384155502	of:0.010704508851547225	and:0.0029070840653533446	by:0.0026907681676473397	a:0.0026265092802739095	tlie:0.0017961888226931213	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
and:0.2229148907156297	he:0.2173465459093327	I:0.1889827412315008	they:0.09555765379501069	we:0.064095852085095	then:0.060727387672398214	who:0.05330136104960727	she:0.049791593859597416	He:0.03728197368182832	:0.01
is:0.2837104470141184	are:0.17010391271961867	and:0.13806596681709857	was:0.12058864672396458	for:0.09155125247862618	of:0.07043596025314197	do:0.039684557847790805	will:0.03858826699047182	were:0.037270989155168986	:0.01
the:0.6630977725234944	and:0.0571628977665657	of:0.053340494949252956	State:0.05173624231562123	The:0.04318299134678167	said:0.04270180911955529	our:0.03180350981353012	tho:0.02534544427015104	States:0.02162883789504761	:0.01
the:0.27062093316726427	of:0.2058837608840983	and:0.08834827289900334	The:0.0853987581870392	Mr.:0.0848051425396133	that:0.08185133110159959	in:0.0776092527328897	Mrs.:0.049118875532564533	which:0.046363672955927845	:0.01
the:0.4261849135927864	of:0.15636154284135537	a:0.07975010549425045	to:0.06767285020659022	for:0.06731209405701538	that:0.057308799177032424	and:0.05459291374693854	The:0.0425036626297669	our:0.03831311825426436	:0.01
the:0.35704948455199803	and:0.19569839124732874	of:0.17066785543405627	The:0.11172442877965488	that:0.04277900599371835	these:0.03153273173181317	a:0.028047350814569483	or:0.027399312475863052	to:0.025101438970998136	:0.01
of:0.17047239260418287	to:0.16537876861460302	the:0.15572947835529086	in:0.1452190023516502	and:0.09820729325760423	a:0.07630114799765128	with:0.06162624263462302	or:0.06139229485450108	for:0.05567337932989343	:0.01
of:0.4053865311049678	to:0.12624437990227125	on:0.10619576853806041	by:0.07697634852824574	and:0.06137219293346192	from:0.056994153931635094	in:0.056815510453674285	at:0.05363413730814331	with:0.04638097729954011	:0.01
has:0.47337332187790787	have:0.24396445589840535	had:0.2280802895445737	lias:0.013605151787658068	he:0.007444924991667481	bad:0.0064355379525819125	haa:0.006233654346086236	and:0.005555478462077666	having:0.00530718513904159	:0.01
and:0.256280810619323	Monday:0.19986318807033446	feet:0.1844753014681255	recorded:0.07217565964618222	section:0.07030588086249046	situated:0.06410258966042306	inches:0.05222497669266498	of:0.04629832379202029	lots:0.04427326918843598	:0.01
the:0.38210222575212216	a:0.1482649475410824	and:0.10712757671736063	that:0.09267661537077881	this:0.08774453473765213	her:0.046474511692375285	every:0.04290996856170435	tho:0.04210971125950628	other:0.04058990836741804	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
that:0.3398159603842373	and:0.1881959735196832	as:0.15637377401951932	but:0.07943633285122904	which:0.07677650296033542	if:0.049884031861740695	of:0.03827480466933513	what:0.03104041761925895	though:0.030202202114661	:0.01
to:0.5620004481230984	with:0.08013123854663767	for:0.07744024755158753	at:0.05346135321469371	told:0.0505101572182748	upon:0.04464325546313724	from:0.04326511144819767	of:0.04205085270768128	asked:0.03649733572669191	:0.01
ever:0.21473286914646236	and:0.18571556625707186	time:0.12543701260048165	has:0.11045606822606821	long:0.08425989845684076	years:0.08245300943332287	have:0.06961534010426174	that:0.06820121388875412	had:0.049129021886736304	:0.01
of:0.4844416827036046	in:0.1711276168202845	to:0.11759959019865408	by:0.06892773997029943	that:0.038949737535369594	In:0.03127985305406946	and:0.031186397480106542	with:0.0264634570063825	for:0.020023925231229353	:0.01
for:0.21572946763293935	of:0.1647086873334924	about:0.1082144874951461	than:0.10761467681058168	past:0.08839099383507112	or:0.07814504938218533	in:0.07777810494350895	within:0.07683824334051342	and:0.07258028922656161	:0.01
the:0.27698213010539735	of:0.19708571570609565	and:0.11938815776786788	a:0.10429156466448737	to:0.06837780441376784	be:0.06282244182127117	in:0.06208688448297644	or:0.055371791298683436	for:0.04359350973945295	:0.01
I:0.26194756684595244	he:0.19578491261262926	and:0.1650700056431471	have:0.08345005732262592	they:0.06622306898572673	we:0.06143382679518445	had:0.058745354902868765	it:0.05167933767729943	He:0.045665869214565856	:0.01
to:0.28274432988730314	for:0.1767387800595256	of:0.14435266238470562	in:0.09396653686176808	with:0.09106441957997558	and:0.06620969926389449	that:0.046155541468755494	at:0.04607612706747982	do:0.042691903426592126	:0.01
the:0.4715159925006384	an:0.3228807061565372	The:0.07519168208978388	a:0.03527421785810271	tho:0.024223802979116454	An:0.01675548937065432	to:0.016743736279270956	and:0.014829247889461774	rapid:0.01258512487643425	:0.01
and:0.19563704984544114	would:0.1472006564258207	looked:0.12010668412297602	looks:0.1084201722336976	was:0.09583136534572757	not:0.0858553515043838	something:0.08340620733929721	is:0.07856492740080614	much:0.07497758578184978	:0.01
and:0.18365782985453818	make:0.14540346099277943	as:0.12139242256949961	of:0.1177366224719808	that:0.09761351369859772	with:0.08819968367049166	to:0.08121226518209922	for:0.078619671142346	made:0.07616453041766723	:0.01
to:0.35475188267547586	will:0.20677282583166295	may:0.09349468960283792	shall:0.06687436688333061	can:0.06568132209987293	should:0.06315092515475462	would:0.05152084772785943	must:0.045602790914161	could:0.042150349110044685	:0.01
to:0.28537402058263506	the:0.26951570838190114	and:0.1680676737180628	a:0.12546894997139402	on:0.03836526747770644	or:0.036572442689737424	his:0.024546443290810526	The:0.023001469769031602	who:0.019088024118721025	:0.01
with:0.18862366244226825	of:0.17825504328253072	the:0.17379549097689215	and:0.1672703499330958	an:0.10403317103249587	their:0.05092872009920956	no:0.05056565174762099	any:0.04156184047225774	as:0.03496607001362896	:0.01
a:0.37508098795280675	the:0.2548159558858004	of:0.1113870012147997	and:0.07020382748144606	to:0.05105246575572455	in:0.049519829531788476	with:0.03252192873005549	on:0.027429121142789892	this:0.017988882304788636	:0.01
the:0.3294444730868092	of:0.19305119979657964	and:0.10294133856952423	a:0.0951360425252502	to:0.07035931166313884	an:0.05288813741062207	in:0.052382328386751116	that:0.048396905119165064	for:0.04540026344215965	:0.01
number:0.20401360258076115	matter:0.16921953318496663	kind:0.12159153724260395	amount:0.10246977978461318	out:0.09827459564497251	point:0.0841964927085448	full:0.07938429662227228	men:0.06713182004007685	place:0.0637183421911886	:0.01
and:0.27757012712006857	the:0.23711073663333104	of:0.17112643682865528	these:0.06454188053853466	as:0.0518345027886543	that:0.05141813566685484	or:0.05087100460258788	all:0.045371602766522814	for:0.04015557305479046	:0.01
the:0.26042707968228773	of:0.16816693716180747	a:0.10971104982222682	and:0.10720850786164697	to:0.089972797476014	be:0.07809059662152573	in:0.06665764368752426	was:0.05681213292176789	his:0.052953254765199124	:0.01
and:0.2587374015866804	was:0.19692671957634506	be:0.12979820919859925	it:0.09571296773588568	years:0.08138045860451715	is:0.07216939828101449	were:0.06052372470420053	he:0.05023103135645026	to:0.0445200889563072	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
in:0.22154787826557465	is:0.18645658317182198	and:0.12672846835293877	was:0.09836296873202743	that:0.0897530329468888	have:0.07591658678658138	In:0.06685856169081869	be:0.06665950052253652	had:0.05771641953081162	:0.01
one:0.16002178661287808	men:0.1464716653221656	;:0.12150503481675405	made:0.1081518571463026	up:0.10242459224306613	in:0.09609172761073173	:0.08802424416917544	wife:0.08471116177584166	and:0.08259793030308471	:0.01
the:0.29574081439599215	in:0.1677170002432541	Fifth:0.15038153660754242	Grand:0.12863775983497958	<s>:0.05871263798591353	and:0.055086073077148544	said:0.046419347439796185	of:0.04550063373478555	In:0.041804196680587935	:0.01
is:0.20531716177253911	of:0.1548571616806375	was:0.14749203504570196	and:0.13792749623615277	in:0.10120155365734503	as:0.07174518036482276	to:0.06110690582472406	by:0.05557954502909937	any:0.054772960388977374	:0.01
the:0.5840282608228985	a:0.2411348315826411	The:0.03979805756559897	in:0.028923118904098998	tho:0.027742206198724136	and:0.02133483922322254	of:0.02010177988154018	by:0.013921558682858106	tbe:0.013015347138417503	:0.01
the:0.27823816724217876	his:0.19697216444384083	a:0.12379457544540381	their:0.11966029495475879	and:0.07604857900349661	of:0.06012383726733731	my:0.05212427388248831	our:0.04463938558098636	her:0.038398722179509265	:0.01
the:0.3765855700859001	of:0.16099429184099226	and:0.13606697363344764	The:0.08520905700656935	Mr.:0.06526544909761484	a:0.05125415038445086	that:0.051169286412974205	to:0.03376314541728713	or:0.029692076120763737	:0.01
it:0.2627130347614019	It:0.18683186083477643	there:0.1670785734997366	which:0.10460812900044389	and:0.09477696823490937	that:0.053739197382499826	he:0.04731251169771181	There:0.03866268451207914	This:0.03427704007644102	:0.01
the:0.6746064562615433	a:0.11716050127014115	of:0.061168860282687684	The:0.04495630068381968	tho:0.03289666641416177	and:0.027669862798478363	tbe:0.011331694202298178	in:0.01030896962058726	our:0.009900688466282621	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
is:0.27133628942808313	are:0.18929845830860745	was:0.15954686464908477	if:0.09894763949472159	were:0.06530542605742452	and:0.06425729235041094	have:0.05085932453792133	could:0.04954054995179471	Is:0.040908155221951605	:0.01
to:0.5098749533246433	will:0.12311000046843325	not:0.0747162705489147	and:0.07094212924501217	the:0.05459979785808823	a:0.04479281985279446	of:0.03831859154030817	would:0.037523446583657624	may:0.03612199057814818	:0.01
the:0.19302649996587176	of:0.175132754053489	to:0.14552812622783767	a:0.11967572781536083	and:0.1041884646243555	in:0.07140198192431767	be:0.07089134059802207	was:0.05831666964787346	is:0.051838435142872064	:0.01
he:0.25038128106125385	who:0.12933042381747117	and:0.12010221678749118	it:0.11151274100688183	which:0.10832844163655336	He:0.08953608833551024	that:0.07216100942559076	It:0.061883488418092436	she:0.046764309511155074	:0.01
the:0.42647218790739777	his:0.11569118230207182	of:0.10601555110935801	your:0.08023855248900402	our:0.06180195502334875	her:0.05428480668620548	my:0.05267187493681224	and:0.05016542575163854	their:0.04265846379416334	:0.01
in:0.41237826736920785	of:0.16664395334400056	under:0.11801170132070696	to:0.08981269201876006	In:0.0844021746476016	from:0.03356085150921225	for:0.031355236844515244	with:0.02812214079539752	at:0.02571298215059788	:0.01
of:0.2950059984494942	the:0.24910934640511376	and:0.11084837180648839	to:0.08521621980947505	a:0.07367438329809281	by:0.0670118333355269	in:0.03942866892556983	that:0.036629042069499705	from:0.03307613590073946	:0.01
the:0.21051605632283144	of:0.198666106677452	in:0.13979731340048057	and:0.12225741910324202	to:0.10029606099068747	on:0.07149718481239513	at:0.05724166097713457	a:0.04603759877458087	<s>:0.04369059894119602	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3420920686411541	and:0.14027091205321174	of:0.12799225209980117	to:0.10314955887570525	be:0.06845699795635807	a:0.0659296753507775	was:0.05333124923057499	his:0.0444304143251518	in:0.04434687146726519	:0.01
was:0.27521413401812644	be:0.22225506989714516	been:0.09783295327750413	is:0.094711727158887	were:0.08667576141732254	and:0.07025093773927556	are:0.0632250576262166	honorably:0.04300700000683325	he:0.03682735885868936	:0.01
much:0.3312427301223908	is:0.21827314621254804	was:0.08016583498513759	considerably:0.07741724067837902	be:0.07380487243139819	the:0.06127108215914528	far:0.05377712744431862	are:0.04725000553527894	not:0.046797960431403586	:0.01
on:0.294000302690893	in:0.1510736385943501	of:0.1351356706422334	On:0.10942366641377747	In:0.08017810936673087	and:0.07265042742961589	dated:0.07089177242253125	from:0.04529138682513636	to:0.03135502561473173	:0.01
and:0.3090612114894368	that:0.21280743888311418	of:0.19341524041142366	to:0.06159895091041659	we:0.04589557636994498	but:0.045051756245853905	when:0.04267686551945194	for:0.04079804000046888	if:0.03869492016988902	:0.01
the:0.42414914088518674	The:0.1078426397959127	of:0.09374292654915442	a:0.08088745190658585	and:0.08069452102294386	his:0.06267673891867852	their:0.06034206267144781	tho:0.04043507792406076	our:0.03922944032602937	:0.01
to:0.35070235234101205	will:0.23747072676545528	would:0.111529944760306	shall:0.0836684506099716	may:0.07149932693752681	should:0.05078411471133304	not:0.03359463335243597	must:0.03352299392440999	can:0.017227456597549293	:0.01
neither:0.5970506909423056	the:0.11964472160327105	and:0.07409907500756453	of:0.04117112073164376	to:0.0411400114622487	for:0.03553461755543553	in:0.03201365066484276	not:0.026326069908779816	a:0.023020042123908308	:0.01
the:0.38483591874152495	some:0.12606232550466184	and:0.09647342985638027	of:0.08188757300052438	many:0.08186425692439489	for:0.07011836694264564	or:0.06279394270040507	any:0.050703234708853774	such:0.03526095162060919	:0.01
of:0.38766877538279426	and:0.113895732751574	to:0.11287285674148712	that:0.07934987720850419	by:0.07461852311786088	with:0.06122233026152955	in:0.05826557082184631	on:0.0570587325817255	from:0.04504760113267805	:0.01
well:0.21321257425074594	known:0.1833023137221186	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.06163044115944836	such:0.04848962176196867	just:0.03999506790086283	much:0.03382539293359975	:0.01
the:0.6387585361668114	a:0.10374327746931819	of:0.05671694461985867	too:0.044375053416956266	The:0.040741596955850314	tho:0.03407527495301658	and:0.03213839139427738	his:0.020534212265711244	our:0.018916712758200005	:0.01
amount:0.24941117937349752	number:0.15301438972531864	out:0.12800120088361658	years:0.08699583027998929	want:0.08152703824819636	matter:0.08113167092989973	instead:0.07471760388722315	piece:0.07189888107827584	deal:0.06330220559398295	:0.01
be:0.18223382519190354	was:0.17626183359928685	he:0.12267537265149693	been:0.11226767634267792	and:0.10188520550631042	were:0.0865518774072052	have:0.08177209286108704	is:0.07120044272868117	so:0.05515167371135101	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.1177148385676645	they:0.0914384776859708	that:0.08313239062920648	which:0.07694098793602959	he:0.07501873352304171	and:0.07330080551631972	I:0.05566581471392691	:0.01
I:0.28206315735804105	never:0.16370061350712523	he:0.13947919105810594	they:0.09034664331164961	and:0.08513656601679574	ever:0.07544215383174849	who:0.05804054572601438	we:0.04994420007028998	she:0.04584692912022963	:0.01
two:0.16227206137428724	three:0.1526595363182746	five:0.12673224802596042	four:0.12142830465727637	ten:0.0998657070124068	six:0.09152133074939973	100:0.08465244754867828	many:0.07546899049322657	few:0.07539937382049	:0.01
to:0.23270607175467506	the:0.18009018721920741	of:0.1335585966103962	in:0.11909869067224371	a:0.10834479096615346	and:0.08849435437879988	be:0.06108956710824853	or:0.034322418396344985	with:0.032295322893930736	:0.01
<s>:0.41723476836185397	it.:0.15583034964103065	us.:0.09175136023775675	them.:0.08390740135150271	him.:0.06585009915397204	and:0.04782580153912832	country.:0.04483359032243094	people.:0.04372272321521931	day.:0.03904390617710544	:0.01
of:0.3111628239490016	to:0.18669324326017134	in:0.1026353426569268	and:0.09647946484391023	by:0.08774187334768345	with:0.07420760994408479	that:0.05808670975542429	from:0.040159062445020134	on:0.03283386979777733	:0.01
up:0.12822499992833525	out:0.12803931861509074	in:0.11893026470149644	time:0.11712472725713388	made:0.10499173983344877	him:0.10471619092682175	null:0.10014493244529889	it:0.09573792605496796	good:0.0920899002374063	:0.01
and:0.41754400016008275	but:0.14895499642259144	that:0.13960424227266444	time:0.09215848983461562	him:0.04863495259663283	day:0.04575944027695024	But:0.04337575529251119	ago,:0.028663469063633904	or:0.025304654080317537	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.49095167021059016	of:0.12304760293055197	to:0.11654236139364134	the:0.07134963712454148	a:0.04809983556283737	that:0.04027400347247394	or:0.04004801201030415	be:0.030187725660350506	only:0.029499151634709044	:0.01
and:0.23532308519025485	place:0.23002346410790578	point:0.12336462833889288	spot:0.07950186536978003	that:0.07938901424987763	places:0.0713642038345748	know:0.06251052417293607	cases:0.058330747658047515	case:0.050192467077730604	:0.01
the:0.5736796721120717	a:0.23756203714876295	The:0.05062642164603032	tho:0.04442219149316521	and:0.023493948664983322	tbe:0.021801144993227974	full:0.0135688202475129	in:0.012550938487013287	high:0.012294825207232471	:0.01
of:0.2381719860295494	and:0.23415746017761663	in:0.11598353395473782	to:0.10227189079610367	fact:0.07859923495468527	said:0.06648519540808896	on:0.059675812679062315	all:0.049591757945495966	is:0.04506312805465998	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
and:0.21173166624212325	made:0.17480313167623532	done:0.11051741393043954	that:0.1074507332765	or:0.10238569694301665	prescribed:0.08776082264489583	provided:0.07706706809336678	given:0.060124900485812115	side:0.05815856670761054	:0.01
the:0.3903515106447411	a:0.19108555342768663	of:0.11231537021478051	and:0.08706143037760196	to:0.050084568438660625	in:0.0464402874307009	an:0.04304236213935468	The:0.04011918386242997	on:0.029499733464043623	:0.01
of:0.3722547133818227	in:0.16578494741556388	to:0.10023134498080062	In:0.07485752274233107	with:0.06272485515572232	on:0.055502021801533484	for:0.05544420758946242	and:0.05287567856269287	from:0.05032470837007065	:0.01
and:0.19359496071736734	of:0.16216602732427177	was:0.14599594570744032	the:0.13082534342559746	be:0.09441254375091102	to:0.07787840905373958	is:0.06811958743802231	a:0.06255311306124889	he:0.05445406952140128	:0.01
;:0.22552061085251554	it,:0.14460487634878158	him,:0.10273966044521114	them,:0.10271208862228533	one:0.09578134161408765	years,:0.0854283008988403	,:0.0843560863432732	county,:0.0751412819957593	city,:0.0737157528792461	:0.01
the:0.6685582988417357	an:0.13746687011257303	tho:0.04429416621209648	regular:0.02889163456455603	The:0.02781401631405567	of:0.02395184801798045	tbe:0.021362742989350224	and:0.02103780409723949	or:0.016622618850412996	:0.01
to:0.16889050230180563	and:0.15891446437031911	of:0.15884397483632715	in:0.13518036410011175	was:0.09121132328425902	the:0.07807638466717513	is:0.07460290674742219	be:0.06880460638737085	for:0.05547547330520909	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
to:0.21733458826803367	that:0.18874334077815969	and:0.18370476487169424	as:0.09708921426556462	which:0.07447194905747515	when:0.07027553457536377	will:0.0665216745623604	for:0.04743848592589735	said:0.044420447695451185	:0.01
the:0.42004914683065936	of:0.13466973569051718	and:0.11122404163358073	that:0.07335130050379035	The:0.06686076414154887	a:0.053878657084209296	in:0.04843421049538479	or:0.04344491920696621	to:0.03808722441334332	:0.01
is:0.2886452395922832	was:0.16933152055155848	and:0.1048242516527738	are:0.10235740095505151	but:0.06950835789498845	has:0.06540553462125907	it:0.06484502596599319	will:0.06299047004929506	had:0.062092198716797255	:0.01
and:0.29985743702027373	of:0.12388073070252467	is:0.11652124367784646	as:0.09857730746243548	was:0.08288507234260849	.:0.08125333353452788	it:0.07715029876165852	It:0.055360151850331496	I:0.05451442464779347	:0.01
to:0.2531653731513819	and:0.22503884198329357	the:0.10950227534860844	of:0.10511892479063435	that:0.08344335426073204	which:0.06878923754183158	in:0.06537953023291547	for:0.03988823225869029	<s>:0.039674230431912295	:0.01
the:0.313915987867266	a:0.2181103303878665	of:0.1533085525941465	and:0.09690816742406062	for:0.052296790195170154	in:0.04838221596721106	to:0.04756169532044321	some:0.03005548821761738	that:0.029460772026218524	:0.01
and:0.20180707919905394	of:0.1846220641007528	the:0.1497674791158399	in:0.10349143626136176	to:0.094552040467823	be:0.08426926484270733	was:0.07954233031144811	is:0.04901818211484501	a:0.042930123586168226	:0.01
the:0.19812599747641915	to:0.17682780875443374	and:0.1745283976818602	of:0.1738730876923509	in:0.057840276331042946	be:0.057500452406213876	was:0.05337952099437711	is:0.049363695439807766	<s>:0.04856076322349409	:0.01
of:0.24594140339342627	the:0.21709920122146636	and:0.16541764894652597	to:0.10455355992856585	at:0.07374918720858753	a:0.072817534426546	in:0.04743420500045954	for:0.03162769719351254	with:0.031359562680909746	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.781779088554772	a:0.05573442189318221	The:0.052930870746789004	tho:0.036804159964135184	this:0.021993803000060017	tbe:0.015202681150514551	and:0.015139776893285288	first:0.005691787718407796	as:0.00472341007885387	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.2403525289014939	of:0.22645969559035517	and:0.14062433347517372	.:0.09308641911153022	Mr.:0.07899466956133828	to:0.07393343354378139	<s>:0.052198963377138426	a:0.044043347542283076	Mrs.:0.040306608896905724	:0.01
and:0.19949713731266722	the:0.17580063027873402	of:0.14373012927203607	in:0.11504815491615938	a:0.11328395372695282	to:0.09616460820905841	for:0.053587117053624005	will:0.049525338007378926	that:0.04336293122338934	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.5589786005738552	a:0.14517840747896424	The:0.07711738442685845	tho:0.04242261167466776	A:0.04237580686212869	finance:0.03967170666355985	said:0.028678088266292975	and:0.028330075561972007	this:0.027247318491700867	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
is:0.21145813487244533	was:0.1407895901859725	be:0.11456498167718723	and:0.11205253818249154	the:0.10071271478303441	are:0.09457469001876313	he:0.08638874473457078	been:0.07928346370859866	not:0.05017514183693637	:0.01
I:0.265976774824857	and:0.17999959175238547	he:0.16284098533884714	have:0.08635739072176594	had:0.0730672556297821	has:0.06147785161749921	we:0.056814600517050354	they:0.05381119402300175	He:0.04965435557481106	:0.01
State:0.1431657420273202	line:0.13697457978808691	state:0.11983356920684744	city:0.11490859206810886	county:0.10514992210949523	part:0.09819691502869078	number:0.09676566561004434	Board:0.09130859961952446	side:0.08369641454188183	:0.01
and:0.29237950918743855	to:0.17716942761303364	of:0.099021191564675	re-:0.09088536501253566	that:0.07083086860883162	which:0.06939463277575889	in:0.06609805346610023	for:0.06347704537429572	or:0.0607439063973308	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
far:0.20941558296391763	soon:0.16071009537017036	and:0.12094600559895151	well:0.11968376909795758	such:0.09447791636161262	just:0.08101371542443048	long:0.07984417692734092	but:0.06943475534818809	so:0.054473982907430774	:0.01
the:0.27468861259991717	of:0.12957002152104577	his:0.11488363233269473	and:0.1144380808942923	their:0.10663137223823688	a:0.10036107487879711	medicinal:0.05762924594065504	all:0.046557411964426504	its:0.04524054762993453	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.10005802787283471	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.040989301969020085	I:0.025676339882261923	:0.01
<s>:0.5893777960662415	it.:0.07823362506759826	them.:0.06004238317902234	of:0.04767255660804492	.:0.046819488417525125	time.:0.045553500348093814	country.:0.04225451942142887	day.:0.04053947401303093	year.:0.039506656879014196	:0.01
and:0.2802179654686674	together:0.17581662481571086	covered:0.10720042995908446	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357521	met:0.06358405713054323	them:0.061624174380125664	but:0.05201828012722528	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.3207593457517655	in:0.12420943673607339	for:0.1184601617944177	and:0.0993543718286609	to:0.09723446190066877	with:0.06904130828910339	on:0.06304516004460503	from:0.05357483488284594	at:0.04432091877185933	:0.01
would:0.22980511667265655	to:0.17299540970927665	who:0.12482764014450815	they:0.1035530767531353	I:0.09251266344910343	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.055635813079984546	:0.01
<s>:0.5275203194697992	.:0.0870076308342528	it.:0.0752285125446556	them.:0.06183358753379761	years.:0.054198942741731725	else.:0.051765988173478904	time.:0.04960719977127439	him.:0.042964385849132904	day.:0.03987343308187691	:0.01
the:0.3409601240729405	a:0.24627038682683028	to:0.11365393335912344	and:0.1012894868909979	of:0.054862127698594644	The:0.052863618818578935	which:0.027795306895825458	that:0.026276570669369666	will:0.0260284447677391	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
that:0.4993530190955287	if:0.10910050894148995	and:0.08926161520777723	which:0.07718693830151706	as:0.06899361278819667	but:0.044936167811174814	why:0.03532194277146088	when:0.03385265699979133	If:0.0319935380830635	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
the:0.5719967740571924	and:0.2151107798302404	The:0.049030687471514546	of:0.038265701046171406	tho:0.02762343269945872	was:0.025192171794428585	a:0.023883791039429062	that:0.021436085484973284	be:0.017460576576591648	:0.01
was:0.22973850367603785	is:0.21451250369088057	be:0.20959018385030037	are:0.10850756756301999	were:0.0698226014424384	been:0.0520234756012167	and:0.04235969449213797	being:0.03397276226256353	Is:0.029472707421404645	:0.01
of:0.32704421190522187	by:0.1747671742090024	and:0.13127626694104452	to:0.11603222805655285	that:0.112705587217592	Rev.:0.03389500806943319	as:0.03283722631492729	<s>:0.03261143503531949	with:0.02883086225090626	:0.01
he:0.2750081300089085	I:0.19680474092342953	they:0.10665366405826288	and:0.09923476877334984	He:0.0906160984145562	it:0.07288134595498329	she:0.060407366236748056	who:0.045198930247332125	we:0.043194955382429505	:0.01
the:0.21168661632910743	and:0.17342087587379088	of:0.14965243031096215	as:0.14862640424456694	a:0.08287979349307766	to:0.07107758859510925	be:0.05689152027188907	such:0.04860602071964438	in:0.04715875016185233	:0.01
out:0.19011599928133052	one:0.18281685667051617	part:0.10525222557847583	tion:0.10259298945784592	charge:0.09890844385835752	means:0.09169262649106047	side:0.0755247944290968	case:0.07227046652221618	purpose:0.07082559771110064	:0.01
nothing:0.2641247484238648	is:0.17759252308164133	;:0.1538993015085438	anything:0.0898394300592201	it,:0.0731564363533971	was:0.06134541862246875	and:0.05812399575675912	of:0.05727063838803619	are:0.05464750780606891	:0.01
the:0.5382490670051954	our:0.11110085932550819	American:0.09744652204338247	their:0.051235024241293836	other:0.047090369152239124	of:0.046184172665157355	tho:0.0359970251927783	his:0.03307403174553072	and:0.02962292862891456	:0.01
side:0.24988841092706504	line:0.18979180388774142	day:0.1402129363101544	part:0.09273096178580932	state:0.08066650846910252	city:0.06908858026463754	point:0.06443913704961361	piece:0.05221332450910223	State:0.05096833679677391	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
that:0.21319640882892407	as:0.18874185470282265	and:0.17640606408189968	which:0.10893866006434622	if:0.0858899950037364	when:0.07049049455998171	but:0.06689074547385235	what:0.04291144829804054	than:0.03653432898639642	:0.01
man:0.22909324705476153	and:0.17211485420616227	those:0.1400129706027732	one:0.1317547130177118	men:0.09557518639438325	all:0.06988990929367911	woman:0.05926378227846983	person:0.053595275082180836	people:0.03870006206987816	:0.01
and:0.20712434091487836	it:0.1517657548663703	I:0.12544659825754856	you:0.0921500519299653	which:0.08798426245827785	they:0.08689594089208463	Nor:0.08318827171073946	he:0.08078967348415995	It:0.07465510548597556	:0.01
to:0.1981100140887733	the:0.1917498005702528	of:0.18196876204385795	and:0.1400839212483929	in:0.08095252028500259	a:0.05407677875977001	at:0.05300818874171369	.:0.047046769571827685	by:0.043003244690409156	:0.01
and:0.17217296442974256	right:0.1476892476862497	able:0.12408881739962058	as:0.1184114099028669	necessary:0.0997008032848473	time:0.08809173297053272	enough:0.08237680448751424	order:0.08002672718713122	ready:0.0774414926514947	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.6602497997005816	and:0.09771087536353418	The:0.0860902229831087	tho:0.03911766351389872	a:0.038648862070298336	or:0.02183317875798446	his:0.01905296506496398	of:0.014076140519219642	in:0.013220292026410424	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.3017976847556643	in:0.11827152511757535	for:0.1026590757864455	and:0.09778241885369282	to:0.0844622155893463	with:0.08376289255817664	that:0.07850110969072861	by:0.07644052142999182	from:0.04632255621837867	:0.01
was:0.208694226270834	are:0.19003105927775127	is:0.1894202349513929	be:0.13968070220583229	were:0.09936706469034913	been:0.060934428659644595	am:0.035631590617435996	not:0.03350105277019895	and:0.032739640556560944	:0.01
a:0.41437039782774093	the:0.19777328720679438	no:0.14536407384945213	their:0.05412695128223438	and:0.04577257313873591	his:0.036351392523797044	of:0.03365727034258975	more:0.0322128913965857	not:0.030371162432069814	:0.01
the:0.32851495171910694	that:0.1418097574812403	of:0.1347307609100855	a:0.13433222842408019	this:0.08089682847683982	The:0.056843617241991655	or:0.05346222048284162	and:0.03724815673959031	tho:0.02216147852422375	:0.01
about:0.2893550286259253	of:0.13518314674469323	or:0.1100825528522485	and:0.10697138061450713	for:0.10601294287719061	than:0.08608439483918263	to:0.0602007770543426	within:0.05075266452470021	over:0.045357111867209775	:0.01
A:0.1568888405263025	W:0.14454810781978927	M:0.1130005533072934	C:0.11010344816183551	J:0.10601113697227788	S:0.10306243674840182	.:0.09361249017966068	B:0.08233247523921025	H:0.08044051104522863	:0.01
the:0.24586786277439154	and:0.16997323033442863	of:0.1608974002526721	to:0.1249237815759012	be:0.07553177693575928	a:0.06150987802157047	was:0.06041598053696065	at:0.046389189906892676	in:0.044490899661423375	:0.01
of:0.3571301499200307	with:0.1337201650159573	and:0.10918537500996316	for:0.10597161933950512	to:0.06685714073027185	in:0.06354227282399445	by:0.057000162127964035	on:0.05001016469294422	that:0.04658295033936919	:0.01
grew:0.42466170275582893	a:0.101033639249382	was:0.09834342497189028	is:0.0759092445685825	much:0.07433010653195972	be:0.07244228597645302	are:0.05095406828698133	the:0.04834507149198147	and:0.04398045616694078	:0.01
of:0.35614452334968255	to:0.10494361917790322	on:0.09583022068356772	and:0.09566781240867689	with:0.08619399046106564	for:0.06946003174687988	from:0.06489663680553084	that:0.060863070814479524	in:0.056000094552213636	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
is:0.3061105182929389	was:0.21410543055048298	and:0.11335695061344603	are:0.08448142540369903	of:0.07592573105573355	to:0.05607349556602159	were:0.048265267780338565	be:0.047143939552614866	Is:0.04453724118472447	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.39069519806903263	in:0.2996688582352778	to:0.07226490385681052	In:0.06125235605787519	for:0.060811880032801115	by:0.03640068529315855	that:0.028829920282709656	from:0.024633936286291767	and:0.01544226188604281	:0.01
all:0.17880066887725174	at:0.1702973496210288	several:0.12280087305477115	many:0.11946122932596034	three:0.1044478919857645	the:0.09904715969780635	of:0.09248015306347689	those:0.05479721476830107	some-:0.04786745960563926	:0.01
Why?:0.44690123015750244	<s>:0.2173064539892174	and:0.07327256889239703	it.:0.0721407505468387	them.:0.05035601676923221	in:0.03683789413950443	country.:0.035359539954753556	?:0.03154510887758252	county.:0.02628043667297183	:0.01
of:0.5791259981268895	and:0.12106631403449145	the:0.06896023081069626	at:0.044310769180265566	by:0.0410892444432199	or:0.037376072416638435	in:0.03430591725428938	as:0.032994691153471305	on:0.030770762580038132	:0.01
they:0.17449396131997646	we:0.16222194661846298	to:0.1264121603374748	I:0.1160822394074555	and:0.10647564964237	not:0.10254785010275015	who:0.0762443291924776	We:0.07238028843868666	which:0.05314157494034586	:0.01
No:0.1755942866175599	no:0.1618520471059346	that:0.15589036437378997	and:0.1046565225241862	the:0.09130775169212542	but:0.09036689717888578	any:0.08451122493977663	when:0.06418538459246441	of:0.061635520975277025	:0.01
the:0.44585556417170724	a:0.09924792184701522	no:0.0815249516114467	to:0.07681788826985046	by:0.07168073364984959	I:0.07100631202958478	and:0.06074044358104865	only:0.04564071728656719	or:0.03748546755293011	:0.01
of:0.407674785398844	to:0.1277612093619651	in:0.0981100127674003	and:0.07987385520716705	for:0.06192213266467773	by:0.059814335151744225	on:0.0571953785601922	that:0.05542901686480434	In:0.04221927402320507	:0.01
New:0.9414301808483745	Now:0.013564779406504161	New-:0.01225231992907735	Xew:0.007096852997938153	of:0.005377544756537364	the:0.003630959351494916	to:0.002652274580170774	Mew:0.0022369284924274794	and:0.0017581596374751228	:0.01
to:0.3361048759048168	and:0.3103962144701659	of:0.06351187559813497	not:0.05852112941528367	which:0.04782067583179054	have:0.04652532342421582	or:0.045358088509144814	by:0.04297932698173254	who:0.03878248986471499	:0.01
all:0.1741668529532661	of:0.17163441761817322	and:0.1504608848512784	was:0.122946265633498	is:0.08285170463002854	it:0.08141337541723163	for:0.07816749861825331	went:0.06640024306940502	in:0.06195875720886578	:0.01
in:0.18017038786318096	;:0.14721130113498004	up:0.1403677624200922	city:0.10133087312953658	county,:0.09747479450463722	him:0.08998984295277695	years,:0.08003037906180463	it,:0.07941931748034116	street:0.07400534145265011	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.2850776780408516	the:0.19073040138173195	to:0.12693588429601232	will:0.08429340490171171	a:0.07268652572677899	I:0.0613709024541948	of:0.05933450778658342	that:0.056167770840137646	would:0.05340292457199745	:0.01
that:0.29794499113076905	and:0.16665881167335386	as:0.1146602907378768	of:0.09685035886677898	if:0.08833284843011487	which:0.08164492007379742	but:0.06722065542897972	for:0.03911469864526598	said:0.037572425013063314	:0.01
and:0.3659223768354555	is:0.2452003207423869	was:0.16340001188790385	it:0.048551028173972326	but:0.04137162778484515	Is:0.03500433088096241	that:0.03470785099949758	are:0.03157686016960087	which:0.02426559252537536	:0.01
of:0.33444016196403653	to:0.14563728057699013	and:0.13809989539837722	in:0.07840660347789777	for:0.07472370043388966	by:0.06366209045803319	with:0.056302101477781266	that:0.05062288560888222	on:0.04810528060411213	:0.01
the:0.43202453046901196	his:0.11407931074528022	of:0.10598048187621063	their:0.09644700027772184	and:0.06432777611008472	my:0.06246835710321483	our:0.039207308835851856	such:0.038529317029282625	in:0.0369359175533412	:0.01
his:0.3056605795725601	their:0.2717966974701264	our:0.1378061150114809	her:0.09589080207576943	my:0.07916275143710298	its:0.04138604324203807	your:0.03871930989684404	bis:0.013283443719937555	My:0.006294257574140576	:0.01
to:0.3308513032120672	of:0.22672332028100206	in:0.17903389050747753	and:0.06785858438183792	the:0.05412380050904061	for:0.04367028749945222	a:0.03623644726307907	on:0.026102109695692804	at:0.02540025665035066	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
in:0.3629926306800416	of:0.20546621276947577	In:0.1150378547639052	and:0.06820208883279172	for:0.05881981895850225	that:0.05725867521172175	to:0.05511823389329262	all:0.03627423332103205	is:0.030830251569237018	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.11808702737128361	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.2729900233150602	do:0.1169882283928186	together:0.09364106164789421	complied:0.08988924043100395	him:0.08972469828285962	connected:0.08643801416650333	them:0.08537567791063051	up:0.08018438527702168	it:0.07476867057620794	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
I:0.1718894561016883	be:0.14621417995949104	was:0.1448970127774342	he:0.14417180697009727	and:0.09661174229059546	had:0.0861645746543499	it:0.07488701147508008	have:0.07189668386481651	been:0.053267531906447216	:0.01
make:0.2077158048283597	and:0.17383416606070737	is:0.1223273367397834	that:0.1023242148356107	was:0.07736298903183199	have:0.07691562473877384	but:0.07676799289157425	made:0.07649902840339892	had:0.07625284246995981	:0.01
and:0.19612467816385057	that:0.18211885681590118	will:0.12007173274187147	it:0.11104534674032382	far:0.0954873624517796	would:0.09055338959536638	had:0.06836215436957443	is:0.06484874162546216	but:0.061387737495870405	:0.01
to:0.30549348341880367	for:0.18659425496228882	told:0.10917621807585712	asked:0.09877041501220078	advised:0.0697321742528112	from:0.0653130836936508	permit:0.056644608947737575	with:0.05476825348313121	allow:0.04350750815351882	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
and:0.2355082477240749	able:0.13597726447561795	enough:0.1064532330168034	is:0.10518376711412579	order:0.09950000355490586	have:0.0829369143100692	necessary:0.08107078998582315	as:0.07524527000879941	was:0.0681245098097804	:0.01
a:0.4577493224988584	the:0.2602622880453481	and:0.06277648742583433	his:0.05799486690433879	to:0.03981548554474983	of:0.03363829751629588	The:0.028391999735663826	A:0.025288070927480095	this:0.024083181401430828	:0.01
the:0.44217033855572857	of:0.13994043118103364	and:0.1218978624108292	with:0.05316061761161668	in:0.051542009218685125	said:0.05118099914866568	on:0.046995973525898835	by:0.04650570725671965	a:0.03660606109082258	:0.01
and:0.27625012227709334	of:0.17547945078711688	the:0.10766364146556028	with:0.1058989720702072	in:0.08172023430788443	a:0.07061572579638165	to:0.06512503043497506	or:0.06247410583487714	is:0.04477271702590401	:0.01
a:0.2643882278755293	the:0.20575755471248278	and:0.19106991628991737	was:0.06905598335094494	he:0.05929442895073319	be:0.05889724558881092	of:0.049907325385797834	have:0.046302584858308446	feet:0.04532673298747528	:0.01
the:0.21933358777041054	and:0.20345810380126342	of:0.1478731826224228	to:0.11597533742236105	was:0.069080832575979	be:0.06501520475512933	is:0.06281824295034691	for:0.05493907240250911	he:0.05150643569957787	:0.01
of:0.24599794947855158	in:0.2008735666308575	on:0.15172985312596501	and:0.13586166871502908	to:0.0589956503313888	In:0.057850437587268676	from:0.051437222056851924	for:0.04479248141773978	at:0.0424611706563477	:0.01
he:0.22480229380192837	it:0.17485728277577847	they:0.12397626271710332	I:0.10874733808034656	that:0.0944115016573233	It:0.0934061924792438	we:0.05704965258936926	which:0.05692367062721336	and:0.055825805271693715	:0.01
of:0.21691986795858173	the:0.19690770048974351	and:0.13502145604837124	to:0.09441737416444072	be:0.07577678070195322	is:0.07523403750430702	in:0.06822046581320036	a:0.06659615857451134	was:0.06090615874489076	:0.01
of:0.24248324645312072	and:0.22493379456712312	by:0.1254175236684133	Mrs.:0.11553575886022947	Mr.:0.06991208755101427	said:0.06861018589838763	to:0.059812216333956864	Sir:0.04791502976663917	<s>:0.03538015690111543	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
be:0.19771209648975893	was:0.1800321798850361	if:0.13545820718477333	and:0.12084174534152359	were:0.10512431453036412	been:0.07793134670197673	had:0.06903604092729904	has:0.05232258862009982	have:0.05154148031916841	:0.01
the:0.4282857685859917	and:0.16034191722427182	of:0.14267274314851128	a:0.08425017168159504	The:0.042226634639341794	in:0.04030091819251811	at:0.030859246036587375	an:0.03072707958316916	or:0.030335520908013645	:0.01
the:0.2795577484890098	of:0.17138515288587403	a:0.10545348980101767	and:0.10358081425281415	to:0.09316370237569993	his:0.07970422801247463	in:0.06393496375745417	was:0.047215012524109104	be:0.046004887901546415	:0.01
years:0.5584375078001945	weeks:0.08934882661715238	year:0.07972348374591882	months:0.07487971884540508	days:0.058422196763404155	long:0.05750860275873282	time:0.03260469042048093	week:0.02635537220602291	century:0.01271960084268823	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
they:0.24684392915762296	who:0.2406500784178381	and:0.1010229084135955	we:0.09729380888437697	which:0.08662624481698394	They:0.08083843938761265	We:0.051752680032994804	men:0.043186467543510104	that:0.04178544334546482	:0.01
away:0.21979238561999545	and:0.16142703462541477	them:0.13112702765345594	taken:0.12545492681537387	come:0.09812015335648258	him:0.0683028790077253	came:0.06621409465773012	received:0.0662129320597808	out:0.053348566204041194	:0.01
the:0.23318810588988118	and:0.208273633058547	of:0.17372767068188943	that:0.0805149429331489	as:0.06263075742898333	which:0.06172972933455127	a:0.060409495269163	he:0.05620895963493426	in:0.05331670576890176	:0.01
that:0.421721955509451	and:0.1472861167294834	which:0.1027463606917559	when:0.0814411549603987	to:0.07775759749315808	said:0.042286474419914656	but:0.04103172286841321	as:0.03951281731721123	<s>:0.036215800010213885	:0.01
the:0.4825824825027939	a:0.14490029360226842	and:0.10558946977895418	of:0.07401940861777527	The:0.06147226486331255	tho:0.03586575767403073	in:0.03563123642531585	by:0.030067441170325847	that:0.01987164536522309	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.35111467714578143	of:0.18451000687369606	on:0.16425690807019114	and:0.07834905487668747	a:0.058147206452004815	in:0.04781641311356229	said:0.041039540404578335	A:0.03420246445441175	tho:0.030563728609086706	:0.01
the:0.6748782856946588	tho:0.04881921686031829	said:0.04828476190884783	of:0.046629090272494636	Circuit:0.04643792171048544	The:0.03756263242838023	this:0.03242699703239592	County:0.03221372591912851	tbe:0.0227473681732904	:0.01
and:0.2508763143077558	of:0.13378297497177752	to:0.0997558703471497	it:0.09776707641786618	for:0.0938848382649172	in:0.08896845140977011	that:0.08702890370822032	is:0.0710488597720228	which:0.06688671080052049	:0.01
to:0.45771481240747064	I:0.1738039089600014	not:0.09394992752223083	you:0.09150805384467142	and:0.04931643877828461	will:0.03930457392241455	we:0.03207362601700101	would:0.028760076250608665	can:0.02356858229731681	:0.01
the:0.2958174644220095	and:0.23376628117706877	of:0.14876724936777866	that:0.07327481212029903	or:0.0581599499341582	a:0.0537766536142004	The:0.04536903035579682	I:0.04088229456852255	which:0.04018626444016604	:0.01
by:0.28150608558165807	of:0.25119760244657185	and:0.15467522685679785	in:0.07866827664672263	are:0.05655682157304412	the:0.04608126495850728	is:0.04424481428669291	for:0.038632087873948354	to:0.03843781977605703	:0.01
the:0.3970769266364958	to:0.19946058053686463	and:0.18794627770254438	of:0.052273158591956165	a:0.04989904899825184	in:0.029955704385074125	The:0.028452111384884387	as:0.024062621666541807	tho:0.02087357009738695	:0.01
that:0.4191864264306642	which:0.12306459701814328	if:0.10584152411724204	as:0.0800588901554097	when:0.0655064430572058	and:0.062325436114272305	where:0.05382186608530334	what:0.04122796967848988	whom:0.03896684734326954	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.33753309618836524	of:0.18182340157110785	and:0.13268213025422473	a:0.07606345419930088	in:0.07205893777399468	to:0.06204429925054652	at:0.04691220297371514	<s>:0.042514179537647516	.:0.038368298251097555	:0.01
the:0.3017969052707078	and:0.19494464914378162	of:0.17647548758898549	to:0.08838367399948825	in:0.0725407099530854	was:0.04956512336060268	he:0.036929396603692134	be:0.03470934680229929	is:0.03465470727735719	:0.01
and:0.15113197446908372	is:0.12785790515078807	protest:0.11975807484796075	up:0.1153282111236048	was:0.10892061001229832	brought:0.10724470874618913	voted:0.08769416224496915	as:0.08633821005438486	made:0.08572614335072101	:0.01
the:0.2897383324568781	of:0.17113076544121678	a:0.10182560711526899	to:0.08415539991493161	in:0.07588252600215932	any:0.07161219763621446	for:0.06930496705250555	or:0.06569006370210649	and:0.06066014067871867	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
I:0.2972347413548833	we:0.1596737443819009	they:0.15880401414132647	We:0.10767922019127868	who:0.06816921463312631	to:0.061192502960840944	and:0.051231682532044916	you:0.048807689139557305	They:0.037207190665041176	:0.01
of:0.21931981480576102	in:0.19889241386216264	that:0.1675004329968078	and:0.07912351169332935	to:0.07727495371317153	for:0.07396891562127898	by:0.06095952309045464	on:0.05758162839370257	In:0.05537880582333154	:0.01
and:0.20222188526210955	is:0.14953327519360596	was:0.1075263555916618	able:0.09508551212469514	as:0.09361753075303399	enough:0.0890431258594552	necessary:0.08722645736063846	right:0.08386218711993232	order:0.0818836707348675	:0.01
and:0.17428398503534254	able:0.1365127288384631	right:0.12673230234907595	allowed:0.09449809842294761	is:0.09399324395641952	enough:0.09397654693712063	made:0.09273677482479523	unable:0.08994123121669097	necessary:0.08732508841914444	:0.01
of:0.3744354508687816	to:0.17052659449957547	and:0.08847645286533605	for:0.08719404827779711	at:0.0740237835798457	in:0.06606805616609977	said:0.043654504063428266	on:0.04287442859386683	from:0.04274668108526927	:0.01
to:0.7039339068934893	not:0.07300968692573076	will:0.04886188059311825	and:0.04865089835588385	the:0.03018666537189303	would:0.024269615356331792	must:0.02345315060374415	publicly:0.023200391761258096	should:0.014433804138550804	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
that:0.31477914547653374	and:0.20075168692270082	but:0.1078760036867674	as:0.09014379652450287	when:0.0823790812736193	which:0.08073958256682875	if:0.04767380552388467	where:0.03845583820312528	until:0.027201059822037178	:0.01
and:0.48151593662809183	was:0.10612951398346099	is:0.07577697782050932	are:0.06493924500120098	be:0.05865886345501072	that:0.056385861790890286	were:0.0555892858918052	to:0.05539103284018464	of:0.03561328258884604	:0.01
the:0.47083324564218526	of:0.13495994440302694	The:0.12121191163996879	and:0.06569707516078616	to:0.05236130094320337	a:0.04536932344980035	no:0.04088294286158666	in:0.029920415063205398	great:0.028763840836237006	:0.01
of:0.4070797336324697	and:0.1572766859551236	said:0.1224744912090166	by:0.11909417103486726	Mrs.:0.06204786285562088	to:0.05293908983691477	<s>:0.025000185118590125	Mr.:0.02407239632746036	in:0.02001538402993648	:0.01
on:0.20882163947107169	of:0.20580302678447474	and:0.15283046093795438	to:0.10307048091481884	On:0.0934440932218849	all:0.06169111630679553	with:0.059900783022025936	in:0.05740836204605506	that:0.04703003729491897	:0.01
and:0.6296847165330772	that:0.06730542752111063	And:0.06558850843889921	but:0.04561309596240497	as:0.04316124192676118	If,:0.03761597328162473	Why,:0.03754993291772128	there:0.03280694012322098	had:0.0306741632951798	:0.01
the:0.3849448690601038	a:0.25871151093840467	most:0.08517693723355443	of:0.06950527749795189	The:0.05332541365776912	to:0.050400829778901236	and:0.03224581192159963	his:0.031246393527079058	very:0.024442956384636196	:0.01
and:0.19955474332828924	beginning;:0.1817711934836523	that:0.12587913074587626	of:0.10322107854034782	the:0.09256851279780623	sum:0.08776695597504251	in:0.07715063522926802	which:0.061388161536938796	interest:0.06069958836277886	:0.01
and:0.26268374235582553	of:0.21634999909127123	is:0.1498839122128634	are:0.10465511637169253	was:0.07640891611692435	by:0.05141686456358272	as:0.04582035668386229	from:0.04385826794441265	that:0.03892282465956532	:0.01
of:0.18271282357636107	is:0.18070023461318033	as:0.13642563845001834	for:0.12447690630844775	was:0.10361554646829635	in:0.07791129088168348	with:0.0698097121379874	such:0.06112344788532247	be:0.05322439967870288	:0.01
in:0.49911728016487206	to:0.199509146134923	In:0.09347499783363002	and:0.05944764718845867	not:0.0435730265134592	of:0.04051199922422825	for:0.018676573201071512	with:0.0184144955819085	the:0.01727483415744891	:0.01
the:0.7276321533195543	a:0.09557263431633671	The:0.03975029555879822	this:0.03743161427299362	tho:0.02525595776441231	of:0.022496484607721055	and:0.018422316582220488	our:0.014231034606487197	tbe:0.009207508971476267	:0.01
and:0.48717371482204114	that:0.1468898902697459	as:0.10544368461798054	which,:0.05077564519296985	and,:0.0495702589108356	it:0.0456063548847484	but:0.03755383259421815	or:0.03443305102612006	time:0.032553567681340434	:0.01
he:0.20292465570551005	I:0.17995947601596646	be:0.09826254567200866	have:0.08980375108172306	He:0.08573823161473314	was:0.0836050822287671	had:0.07557973388182347	are:0.05942366786966155	is:0.05819741918444775	has:0.05650543674535867	:0.01
was:0.2282672246176762	is:0.22335127548833122	are:0.12398442235523771	and:0.10767268278493183	were:0.07833966875993499	if:0.07078164772702758	do:0.05764918858635148	had:0.053820711002276755	but:0.04613317867823243	:0.01
virtue:0.21738001102627372	out:0.18977337920912904	part:0.11522775944009786	one:0.10400846177203443	quarter:0.09462884564091131	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
of:0.31662382482780055	the:0.18822284322808477	in:0.11578788137479393	and:0.09407676728996123	that:0.07488917283524958	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.03956238267555868	:0.01
the:0.30066537045736186	of:0.18083337303704702	and:0.14849071523579158	to:0.13697527746982274	for:0.05023447445190032	in:0.049590724586391306	be:0.04591187306033971	is:0.04039018647411833	was:0.03690800522722708	:0.01
day:0.3560884730510934	up:0.09784404484088026	night:0.09202789600475324	in:0.08406753973525079	here:0.07848577284902072	home:0.07427907562121719	him:0.07295449136583067	time:0.0688510129310559	city:0.06540169360089784	:0.01
of:0.3490134401408755	the:0.2938449112067764	in:0.11171842006719042	with:0.054020775349424344	and:0.05121511528410283	a:0.04565825669626373	by:0.03680485248674325	The:0.026501108947611665	that:0.02122311982101187	:0.01
of:0.285500185546861	the:0.14925063548355905	to:0.11195115809306072	at:0.09408762427579474	and:0.08973579321266117	in:0.0869040159903952	a:0.0702777585714937	for:0.0551592901199983	<s>:0.04713353870617605	:0.01
of:0.19203266227905233	was:0.1408848719233512	is:0.13086538290909122	and:0.12963370539214486	with:0.12718935945802118	by:0.08941197549496456	to:0.08327296149126587	on:0.049252678434606484	in:0.047456402617502225	:0.01
and:0.18354623886757082	as:0.15296062527715276	able:0.14943303495393215	enough:0.11288094894644418	time:0.09088306694901457	him:0.08558792844345343	them:0.07400571196153934	necessary:0.07305627558029006	order:0.06764616902060265	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
United:0.8927856279256685	the:0.02619273657057036	I'nited:0.015342689013023502	ted:0.012742070121526845	Southern:0.012197219811539121	of:0.008493327814959558	nited:0.0076635169252632935	per:0.007319388570461197	Uuited:0.007263423246987585	:0.01
it:0.25840530328389183	It:0.20090805492631847	he:0.1744835680476599	which:0.08808062712117187	and:0.07298969354276362	He:0.05768449750552188	that:0.050520447767272075	I:0.0471806839336175	This:0.03974712387178287	:0.01
of:0.3618777877352623	to:0.15972217794604748	in:0.0987666269697219	on:0.09582559402502414	for:0.07634935478660031	and:0.05621971277439513	was:0.047839409356573395	that:0.04758584915154603	is:0.0458134872548294	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
the:0.3323475914517543	of:0.30429733953970206	his:0.05912057999500091	to:0.05787339399165412	in:0.05315061670519715	their:0.05271140435322497	good:0.050581384808583985	public:0.04169566223407192	perfect:0.03822202692081057	:0.01
in:0.3288104324122633	of:0.19616918652975565	and:0.08569540388090616	In:0.08547448228699683	the:0.08028489133526442	to:0.06269381084457808	by:0.059477874021408396	West:0.04907669553853516	at:0.042317223150292044	:0.01
the:0.23513509970639918	to:0.19623332799248264	an:0.15973462337801703	will:0.0959660614625521	and:0.07189583821490556	of:0.07031235109062457	not:0.06724161992353991	is:0.04808346480915815	in:0.04539761342232068	:0.01
be:0.3702300745035504	and:0.1274533064728429	was:0.12585745830364295	been:0.10080271681546885	is:0.0668835870637728	he:0.06682586880250693	have:0.0460566455120882	well:0.04359906942811301	were:0.04229127309801401	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.3301429358726113	was:0.15082519413613873	is:0.128344947846416	are:0.09329551401625263	recorded:0.06482011972787304	be:0.06076966174231864	were:0.0558935835272166	made:0.053521485961084435	that:0.05238655717008861	:0.01
and:0.25868346102898915	was:0.21264718455250595	to:0.12357940752431956	will:0.08660254622587497	be:0.08256798151923815	that:0.06258537274417866	is:0.06103924345173498	were:0.05186844977470064	not:0.050426353178458054	:0.01
contest,:0.2660037380294482	one:0.13717288213023301	;:0.11384237131101663	in:0.10444273909572237	and:0.0852196633256467	them,:0.08439981096213847	it,:0.07426798280697117	more:0.06688706665506684	action:0.05776374568375666	:0.01
to:0.6214015000493729	and:0.09671435473161342	who:0.054101637073210494	I:0.049563073643522394	which:0.043082064379567214	will:0.04265846454055254	they:0.03186384529262028	we:0.025681188905467018	he:0.024933871384073842	:0.01
in:0.24024222692817673	of:0.19202064476064437	and:0.11933801658247414	to:0.10898683539051317	with:0.09201441825713481	In:0.07303632980065598	for:0.06085093845785094	that:0.060798092307646906	from:0.04271249751490295	:0.01
the:0.35409290879159266	of:0.16270975131789134	and:0.12721904509230791	a:0.11166447727211418	to:0.09563934856041777	in:0.05489096767512284	or:0.032692742894283804	two:0.02582553684020828	all:0.025265221556061226	:0.01
of:0.39926328648486886	in:0.24619343061183238	on:0.0851195080752849	to:0.07622748458147047	for:0.06419143636706026	In:0.03386855117194923	by:0.03310337403480413	with:0.02703434492758809	from:0.02499858374514176	:0.01
and:0.20450556845365275	days:0.12596459196979642	was:0.12001441399073981	or:0.09579385432590432	time:0.09472943273581123	that:0.09322739577872445	never:0.08763760886899596	long:0.0868116995898552	be:0.08131543428651984	:0.01
of:0.5799606433591986	in:0.14726538281313323	to:0.08053617321961364	by:0.04633458265410756	for:0.03747262210945751	that:0.02952432958971118	and:0.023397503682936777	In:0.02284405960632139	from:0.02266470296551999	:0.01
and:0.3088149598326447	the:0.20886111433606372	to:0.15409611442416332	of:0.07211652986296782	will:0.061466961104174433	a:0.05881306508914587	I:0.049020876211459154	he:0.042138752669838395	in:0.03467162646954254	:0.01
the:0.4112886550043203	this:0.14506865820537856	that:0.1405655008773371	The:0.07022216524010724	same:0.05976291504511487	first:0.049592706603625074	of:0.04734934630004585	a:0.03679315222444696	which:0.029356900499623997	:0.01
there:0.21319349746577138	It:0.17450245338521095	it:0.16351697111799585	he:0.11784821607556599	There:0.11146525109273697	He:0.07469814231772813	and:0.04848606990931673	I:0.04675437500190943	which:0.039535023633764425	:0.01
and:0.19568113548000596	made:0.13133495988972219	all:0.1124167012147455	the:0.09956243369356836	day:0.09342657989213318	well:0.09263854955338222	them:0.0911730515634877	men:0.089280730495265	<s>:0.08448585821768981	:0.01
It:0.36160336157410417	it:0.345759314808681	which:0.05966024645388078	he:0.05442849829235899	This:0.0526322511611525	that:0.036072744067898864	He:0.02972488667267973	and:0.026342316942810317	this:0.02377638002643367	:0.01
of:0.2560920961086551	in:0.20622066514678153	the:0.13289879553364684	to:0.10339053561637152	at:0.06515330319054954	and:0.06357747829885817	a:0.05843064866117217	by:0.05486816959824704	for:0.04936830784571813	:0.01
was:0.22372729230814078	be:0.22146749206601293	been:0.1376914779143338	are:0.12224027152219748	is:0.10733282072790123	were:0.10675015762463183	being:0.0281645476464283	not:0.022339739084331484	and:0.020286201106021914	:0.01
and:0.30509500488199615	the:0.14345880908740635	of:0.11771442821346333	to:0.10968281118746631	that:0.07103079145912185	in:0.0694077026958429	be:0.06065723018296171	was:0.05693341913029552	is:0.056019803161445794	:0.01
No.:0.1955029609771127	.:0.13544353662640413	Sept.:0.13438938452368657	Sec.:0.11726869987144906	Aug.:0.09324372191078215	Oct.:0.0856223538411377	S.:0.07965387969252419	Mr.:0.07919717104211774	N.:0.06967829151478576	:0.01
more:0.27455083619486825	hundred:0.2349944411222423	one:0.13691976821319488	up:0.06585602697380229	men:0.06197067659142193	time:0.06165048190560898	dollars:0.05617755508791682	due:0.05161502697122785	two:0.04626518693971669	:0.01
made:0.25483449781758893	and:0.2277519209180528	required:0.10225828972976177	done:0.09150870325767425	caused:0.08680469783481196	but:0.0603214208161524	that:0.05785833020879082	or:0.055132785592315686	prescribed:0.053529353824851335	:0.01
the:0.3834631414043032	a:0.17788126542550958	of:0.12671684130921368	and:0.09665924524553776	to:0.06296673922926439	in:0.04568561654591716	an:0.03614366500876859	with:0.030885185901639873	for:0.02959829992984563	:0.01
it:0.18996776648825836	which:0.16693146919859034	It:0.1638838509302785	that:0.1088783226660808	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125938	and:0.047844242933137104	There:0.041206982916631135	:0.01
a:0.40278660913219483	the:0.18860280516272798	most:0.10936893047936659	and:0.07802225831879613	very:0.06864757331271874	more:0.04839307507678633	his:0.03479844902991179	of:0.031218179183640223	their:0.028162120303857358	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
the:0.2996090220204854	and:0.18642359287592186	w:0.13940333288825843	The:0.12203848246638886	his:0.09704039718896497	my:0.03953218998028853	that:0.037578929080643836	a:0.034930548824102924	I:0.033443504674945154	:0.01
and:0.18927067209954457	to:0.1457213105462048	was:0.13885216490043628	the:0.13344944157787528	be:0.1126890863846965	of:0.07906283297363939	is:0.06793058951267711	a:0.06393980503873582	at:0.05908409696619014	:0.01
the:0.420677298437262	of:0.1684570720861857	in:0.08613154769527717	their:0.06516238977322503	all:0.06392256824881258	and:0.05906102061409184	The:0.050217660327152906	for:0.03986646100646181	a:0.03650398181153079	:0.01
and:0.22646225889984659	to:0.17936631755545326	of:0.16273196773080137	the:0.14441230832401447	in:0.06671702552099561	be-:0.06590235747966393	that:0.05175613165960594	was:0.04831311007520194	for:0.04433852275441699	:0.01
the:0.4966457810195926	a:0.13491084399822492	his:0.09011345261817823	and:0.07376350543546928	of:0.051393277303531465	The:0.037583399978995256	tho:0.035897814459427295	my:0.03524692476779832	their:0.03444500041878255	:0.01
the:0.23276400478793585	and:0.1301916603404574	a:0.11964178793882982	be:0.10965342901743336	of:0.10376721274960682	in:0.09938876510667483	his:0.06964584654943341	to:0.06656121771906351	was:0.058386075790564824	:0.01
in:0.29526298916677096	the:0.2624452955426154	of:0.23786627818376507	and:0.09569385267351802	In:0.03148938310735957	for:0.01999695298744482	to:0.018386821855715992	by:0.015808674526469762	these:0.013049751956340243	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
the:0.3106249050679017	in:0.1934751996544322	of:0.16558339616061643	at:0.08757630872350936	said:0.05200983988105522	to:0.051710447787304235	and:0.04620500266209087	In:0.04315895591411151	for:0.039655944148978314	:0.01
that:0.3560105230962728	and:0.22300199571327378	which:0.10934991430001134	but:0.07880470411805644	as:0.06848038813693408	when:0.04570556941848771	if:0.0423891938005536	where:0.033371378384670025	what:0.03288633303174043	:0.01
the:0.7043487327421231	of:0.08983144347995765	and:0.040750387557893744	The:0.036458075106251056	by:0.029097810845022186	tho:0.02740264393500999	Vice:0.026293759853609433	to:0.021907748006880907	tbe:0.013909398473251929	:0.01
the:0.3493333011231104	a:0.17698558246602494	of:0.17103057799260343	to:0.08583456319109856	and:0.08087442929637731	in:0.04292505968389864	The:0.02987742620810878	for:0.0274799631714662	with:0.02565909686731198	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.6023042815594889	Wall:0.12323822546834218	Main:0.07959932588191267	of:0.038714037518787985	Third:0.03784896215179918	Sixth:0.02804106141794514	Fifth:0.027163991073060275	Grand:0.027040063292088343	tho:0.026050051636575405	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.6837803070278663	a:0.08224298877946067	The:0.07515386566302568	tho:0.04020270003607568	said:0.027884313871409244	A:0.02260014890124959	this:0.022265794307745123	tbe:0.019240177356946747	and:0.016629704056220974	:0.01
the:0.1935237506392098	1:0.15690991157625667	-:0.12983409192063294	t:0.11312531596220635	a:0.09909199260334331	in:0.07944427235427795	and:0.07686245107617477	I:0.07491050661030489	i:0.0662977072575933	:0.01
person:0.151114476776406	in:0.14366078375527686	action:0.12158514653404301	on:0.11106304266091414	one:0.11104807963472435	man:0.09317043673038856	right:0.08907757786678927	day:0.08624512316750062	city:0.08303533287395719	:0.01
and:0.2619606891326095	suffering:0.11464129002842319	free:0.09695347965665693	or:0.09216537342675296	far:0.0875802668232984	away:0.08721981304272884	it:0.08545193344025942	miles:0.08290609099773392	them:0.0811210634515367	:0.01
the:0.27038332306752194	of:0.26671112529423224	to:0.11789328989487773	and:0.09904207654088473	in:0.06385071003716436	by:0.05242985508195235	a:0.043328017777476406	for:0.038883052008358225	be:0.03747855029753187	:0.01
cents:0.3834108729234089	cent:0.14629830228351257	cent,:0.08265766997482092	ten:0.07951458218613738	centum:0.06796157073615115	dollars:0.06478086807589008	50:0.06225800599818095	six:0.054112695963925296	five:0.049005431857972626	:0.01
;:0.35244521262035944	,:0.10132353761013094	him,:0.08340058345184748	up:0.08161258254127797	dollars:0.08042204033858921	it,:0.07791991969894312	and:0.07225997415676587	years,:0.07162451481184684	in:0.06899163477023919	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.2348936864380875	of:0.17141990857045894	and:0.15092221108899265	a:0.10125325371681407	to:0.08978991230211596	be:0.07036792028887345	in:0.0685027598781156	was:0.06545509613683566	is:0.037395251579706204	:0.01
and:0.13900733138175211	come:0.13002335451972022	find:0.10792407872979913	it:0.1077221352842256	came:0.10284889928519936	them:0.10219903713026175	was:0.10161699046571616	pointed:0.10113070190389886	go:0.0975274712994268	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
the:0.2727197008982446	of:0.1485050235390187	and:0.14352210889681394	to:0.13543012419606018	a:0.07508669985300975	was:0.06029614167529202	be:0.05884514258692458	or:0.048336100370756384	in:0.04725895798387978	:0.01
the:0.6383290262438203	at:0.09001153092428416	of:0.08884184980988359	to:0.050644668255290876	in:0.02980763650938362	tho:0.029496506236513034	said:0.028436238838201285	this:0.020620780503339653	and:0.013811762679283536	:0.01
and:0.18731138200478092	made:0.17540384171649717	followed:0.10359032627645372	accompanied:0.10165038299226911	up:0.09188343918923055	called:0.08569117549410002	is:0.08390835925131884	there:0.08179314045973154	that:0.07876795261561807	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3321880027488057	in:0.132349190609102	of:0.11527968440896322	from:0.0820936412951801	his:0.08187577711102023	a:0.0696771431492576	and:0.06743099842254034	their:0.059206047626693306	to:0.04989951462843762	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
of:0.2831696624348783	a:0.28214106401669753	and:0.09953619099730845	in:0.0962313905901522	the:0.07054575300125446	with:0.05510588974197615	for:0.03704880800268112	some:0.03599117762032305	A:0.030230063594728806	:0.01
to:0.21933751448187902	and:0.20560903522447663	the:0.1945536989813919	of:0.15547992204256325	in:0.05002056463880914	a:0.043233999904594686	not:0.04294346232233523	or:0.041324931090442475	for:0.03749687131350772	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
to:0.26860052360775977	and:0.2581232009552112	of:0.08953645673833265	I:0.08616670779330217	the:0.08579209118212379	not:0.060281231859691406	in:0.0581389381858201	he:0.043763913378188704	have:0.039596936299570167	:0.01
he:0.4519788857095796	I:0.12570129905380995	He:0.10132981920626846	and:0.09968634228895652	she:0.08596990856105505	it:0.0396664445002175	It:0.0348203189137576	ho:0.028822742264456254	who:0.022024239501898975	:0.01
of:0.4002517864907296	in:0.13124295673731765	to:0.09889717349994903	and:0.07360037414059414	by:0.07060060438966621	that:0.062075791272054495	for:0.0609929759645937	with:0.05165662740752736	from:0.04068171009756758	:0.01
to:0.29943399412166116	will:0.23501669254471175	shall:0.09865169603701197	would:0.09161524516228194	may:0.08313616617191866	should:0.07011796288020625	must:0.05014564580529341	not:0.03983414240705036	and:0.02204845486986439	:0.01
or:0.3607728720798067	of:0.12181582360094813	in:0.11416098775397264	to:0.10810149962431044	on:0.09723488753390953	at:0.0664158549402604	for:0.04265780024016615	by:0.042626653244268536	that:0.036213620982357496	:0.01
at:0.23941419069116004	of:0.17738909010919468	and:0.13544149983187473	for:0.1187130183451707	in:0.08754516730099306	to:0.07865216735754534	the:0.07135260739734296	a:0.04914553703079698	that:0.032346721935921585	:0.01
the:0.580166468567312	a:0.14849300358346093	The:0.07549681981066407	tho:0.044771141820806486	and:0.04016409904866966	this:0.033338709435509276	his:0.027905361797476384	on:0.02018203286329354	our:0.01948236307280759	:0.01
to:0.28852490987018975	the:0.18522169159645446	and:0.16694362009841446	of:0.10154427505041502	in:0.07389736182898728	a:0.06039934620465164	I:0.04500533332333985	which:0.03583432932655127	his:0.0326291327009962	:0.01
it:0.21719724975214558	he:0.21631555415657122	It:0.11970194847944832	I:0.11180965439620645	which:0.08809984775858755	He:0.06540701643363539	and:0.06385382001398324	who:0.060741854369724305	she:0.04687305463969793	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
three:0.30008919433235115	feet:0.133722846538562	up:0.09692890613421905	went:0.09340475435354732	and:0.09082614422587537	four:0.07971592093611077	go:0.07164453431063776	two:0.062051861054526154	him:0.0616158381141704	:0.01
and:0.17836713781556449	not:0.14933879315131385	is:0.1444723718902295	or:0.1307913598974557	was:0.09872660729531404	are:0.09084140916537954	of:0.07247847978296727	be:0.06976140757305542	been:0.055222433428720234	:0.01
the:0.49321795679417796	of:0.13622048595210187	said:0.06939075778140964	and:0.06910925031198886	The:0.05809829385918918	Mr.:0.056439660860982704	in:0.042540984329608365	.:0.038186726247083524	<s>:0.026795883863457725	:0.01
there:0.33793907666688106	There:0.2322052962782903	they:0.14881854025348004	and:0.0700568409256557	They:0.049509633075549585	who:0.04401690063839915	we:0.04253104111935672	which:0.04230280173448709	men:0.022619869307900362	:0.01
to:0.20824004866035978	the:0.2040097545902015	and:0.19980432728505823	of:0.15978957334487476	in:0.06337877849958568	a:0.05463758289552893	not:0.03746152227349155	I:0.031804518390908185	be:0.030873894059991417	:0.01
the:0.2996282127636163	of:0.17109641996751032	and:0.15811024451773753	a:0.07879617152901047	Mr.:0.06639288749381046	be:0.0633544087264472	The:0.06112575644363107	was:0.051530800779519374	to:0.039965097778717276	:0.01
the:0.5561724250369287	and:0.07301423242153227	a:0.071353556733315	this:0.06935339895920585	of:0.06672843243349248	or:0.04302028515806712	in:0.04186688489694466	any:0.035008344199915054	its:0.03348244016059882	:0.01
the:0.47911636853392614	and:0.10078480860105794	of:0.09954079331996062	a:0.08696531253960743	in:0.08219915636699002	that:0.04998438521116081	tho:0.032216955252757626	no:0.029856704288588637	any:0.02933551588595079	:0.01
that:0.2552027492246132	and:0.24739616137381143	but:0.13951823211335046	as:0.10047275784378422	which:0.07665856935201883	if:0.05195519272673162	when:0.04972913884251489	where:0.03626071909960702	But:0.03280647942356842	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.12537937924608727	and:0.10985980430753879	in:0.06240993305390327	for:0.06192854377065039	be:0.05083764956696977	was:0.03700580416928512	is:0.0336844012946531	:0.01
of:0.3917341448957533	to:0.1429234420610884	and:0.09770602702350478	in:0.0700677498557314	that:0.06861055900516125	for:0.06780441743670725	with:0.06656727550202109	is:0.04231189497535508	by:0.042274489244677416	:0.01
and:0.2664042842607339	held:0.1316861471494608	recorded:0.10490974745678024	made:0.09709450861257102	was:0.09290132736605214	up:0.0835545486124196	him:0.08187337574992953	it:0.0671601232216755	is:0.06441593757037704	:0.01
the:0.19756031043877517	and:0.158759397430483	of:0.1438069694409682	to:0.13864470089862796	in:0.08693436616738874	on:0.07194579432544293	for:0.06842166626133234	was:0.0629754067589096	a:0.06095138827807197	:0.01
the:0.3546886227726201	of:0.10981589215745212	and:0.10344790998847027	an:0.08656519083341876	have:0.08067500993778615	The:0.0682791895189363	their:0.06698719119548346	his:0.06579475445483511	be:0.05374623914099767	:0.01
the:0.3614326507468833	in:0.1341003694459668	of:0.11129329147904761	his:0.09854499208072334	from:0.08037748747087793	their:0.05947520632516519	In:0.05341139709856363	and:0.04732649476219451	my:0.04403811059057768	:0.01
and:0.2675869048764418	he:0.20354491040752073	I:0.16720683637679096	He:0.07532311863491938	they:0.06367192706283452	who:0.0626845150361649	it:0.05688481749758161	she:0.0488617784225101	which:0.04423519168523606	:0.01
the:0.6163333953461708	an:0.12443196407682261	and:0.06369351393078647	this:0.058491207960215494	tho:0.033912579883021474	The:0.032043575580185994	his:0.027536113717641128	to:0.016872748771800075	of:0.01668490073335592	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
interstate:0.24581100258479563	the:0.23407225917994268	of:0.22245833532305048	said:0.09708117066385534	The:0.05184026795673804	that:0.03686787910845979	a:0.036381641216653875	Interstate:0.03563370960415037	this:0.029853734362353817	:0.01
virtue:0.21738001102627372	out:0.18977337920912904	part:0.11522775944009786	one:0.10400846177203443	quarter:0.09462884564091131	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
of:0.19888457249275882	to:0.1848256621635536	at:0.1425543349414814	in:0.13747863160675033	for:0.12730777936785304	and:0.056138630144345336	by:0.051211348979077156	from:0.048467416034823144	with:0.043131624269357086	:0.01
the:0.45332830188760714	a:0.13747648026696596	his:0.09958936203272278	little:0.07976317250499129	of:0.06073260210063218	and:0.05014096593287758	in:0.044838204874864285	this:0.03219569013713407	my:0.031935220262204744	:0.01
and:0.28823171370086564	as:0.24181840902311383	that:0.20283610454797088	but:0.06532789543938038	even:0.06445615994359521	or:0.04089488318769704	And:0.03292320347616379	and,:0.027430337641452463	see:0.02608129303976084	:0.01
out:0.16169167316421687	that:0.13907564924307578	one:0.11452925051451177	part:0.11289118433690076	payment:0.10082221801146612	or:0.09178934960960837	value:0.09178348186990805	tion:0.09129193038292044	use:0.08612526286739179	:0.01
the:0.40004629088706956	of:0.17001214588784655	to:0.09324409555324727	and:0.08485788841663555	a:0.07725491056514237	in:0.058901956466901474	for:0.048500848023656985	that:0.030393568527880322	on:0.026788295671619843	:0.01
the:0.2815454715554674	of:0.239155072796628	on:0.10434679468435355	and:0.09008445050426063	to:0.08687342265674353	a:0.067126656523295	by:0.04941846904983028	in:0.036917911083775706	<s>:0.03453175114564598	:0.01
the:0.35295075096745687	of:0.23576116297493566	to:0.12888654523496526	and:0.09050904376590592	in:0.04133297937505859	be:0.041256673741006576	for:0.03751470473767561	<s>:0.031533700307135176	a:0.03025443889586021	:0.01
and:0.3516675093126459	was:0.13010271739073367	that:0.09868072369136595	is:0.09166370700530087	work:0.06673523032372904	put:0.06424513802086577	it:0.06262887416174955	him:0.062210509969594686	them:0.062065590124014566	:0.01
and:0.2913756530947911	Mrs.:0.21267459678158218	of:0.11119739867207226	by:0.08852545721177048	Mr.:0.08170036631304216	to:0.07791353415893619	.:0.055328892950283245	said:0.036176454330062835	the:0.035107646487459614	:0.01
of:0.3909896374325875	to:0.13272293488463793	that:0.11577220055192781	and:0.08935273239298651	in:0.06481509487448096	by:0.053872788447686226	for:0.0528622770285865	from:0.049203198286454405	as:0.04040913610065221	:0.01
to:0.6440376598249896	will:0.14649588423340543	would:0.04494919923520343	must:0.03481616249608519	can:0.02995576502388072	could:0.026730665020287873	not:0.021547664384889944	and:0.021314889675609034	should:0.02015211010564865	:0.01
the:0.5573247082455075	a:0.09602001072973322	an:0.0775090180107384	his:0.060634406216795556	and:0.04450431309924748	most:0.04259337530981597	The:0.03948819340055269	no:0.039179970035040826	in:0.03274600495256837	:0.01
and:0.17293939796927027	for:0.14409476234582172	as:0.12249198158801555	on:0.10685204772795717	of:0.10093475776203516	to:0.09046326617550843	in:0.08667232639366068	that:0.084188811407067	with:0.08136264863066389	:0.01
the:0.41894925521295384	in:0.1353007379017141	of:0.08426064378780353	an:0.07198007957877076	their:0.0630509924000307	and:0.06183703746932306	a:0.05409464571590369	for:0.05151469665221108	his:0.049011911281289275	:0.01
of:0.26041219272261196	to:0.13622552066590307	in:0.10724857046380357	by:0.10009161408414403	with:0.09856402546617984	for:0.09732696172154937	and:0.08167565649762491	on:0.06184377622489463	as:0.04661168215328871	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.29180415793153586	and:0.21045365365751517	of:0.1452599787014739	the:0.12575576703428043	in:0.06574761127577354	<s>:0.04104981934860873	not:0.04093701420182499	I:0.03567624969745241	by:0.033315748151535096	:0.01
the:0.3276193169525599	City:0.27398643860787997	Common:0.15246273339957897	of:0.10855887431841342	Town:0.03480397137181683	and:0.027988950503523218	said:0.027810124943829662	State:0.020214368846469672	National:0.01655522105592844	:0.01
and:0.5658638876781963	and,:0.17208157382806794	that,:0.059360653592530704	which,:0.053697086651055215	that:0.04741792356245335	but:0.031461193024509254	who,:0.021385246348501447	is:0.019574080777027485	year,:0.01915835453765833	:0.01
of:0.32988671686281607	in:0.15709636892926135	and:0.11201819981619215	that:0.1051224249059172	to:0.09233967238876505	with:0.052233713756943426	by:0.05119717257558449	for:0.04708519371659138	on:0.043020537047928804	:0.01
a:0.45123193510593207	the:0.2979845344757141	ballot:0.08059096850270485	his:0.04073449143691047	to:0.029373240792166556	this:0.026571054313268287	first:0.022195917740095383	The:0.02080135140588685	of:0.020516506227321506	:0.01
of:0.2806329952300788	to:0.15436867036346036	and:0.14764173689001442	in:0.08289393741054386	for:0.07309513398220539	on:0.06880618201993288	with:0.061133797709529765	at:0.06089415253178344	from:0.060533393862451136	:0.01
to:0.6270040105750936	will:0.09026639414370663	would:0.06235128989563484	can:0.04139258575067752	I:0.04020516916076136	and:0.03500429099422263	they:0.032960960587375805	could:0.030959660454036347	never:0.029855638438491316	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.2047556480563323	for:0.1694005211985095	enable:0.13515529519575864	to:0.12357079414328452	from:0.10345897574177258	with:0.08971371221606815	upon:0.06185516165493177	give:0.05342195749539524	by:0.048667934297947246	:0.01
the:0.2251914794154926	his:0.17076920700121218	of:0.15101519719124	and:0.11783429116320886	their:0.09158942525851275	to:0.06820184817303494	my:0.06065742540379309	with:0.056343374941971815	her:0.04839775145153365	:0.01
the:0.4412767524298816	and:0.13097986233200007	a:0.11085930811658941	of:0.09040021466837107	be:0.05278938506943016	to:0.04713523372078618	or:0.04630344858499872	in:0.03530180027165772	is:0.03495399480628509	:0.01
and:0.1495899024693767	miles:0.14173092433846196	free:0.13778745773831563	far:0.11531946154984084	away:0.11422025854048723	suffering:0.09289524012248203	him:0.08182258540364966	them:0.08046450554330968	or:0.07616966429407625	:0.01
as:0.16683604475923364	up:0.1539028598484388	came:0.12826444072495238	and:0.1203462899100031	come:0.11364485149596151	sent:0.08325251068286922	back:0.0822367022569837	it:0.07501903527794411	presented:0.06649726504361371	:0.01
of:0.3847329978111562	on:0.21304602806886153	to:0.11094451252577381	in:0.10841052356633052	from:0.04425966194561938	and:0.03940300232802465	by:0.03283619732211662	with:0.028598373580984365	at:0.02776870285113287	:0.01
and:0.38436506392192854	time:0.14871889696052248	reason:0.1091829920085257	provided:0.08369359689298067	that:0.06037544533546829	day:0.05853184432328357	it:0.049460312916072814	money:0.04787760696196815	way:0.04779424067924964	:0.01
would:0.18324894788710863	to:0.1661077597261573	I:0.13101251821249266	we:0.10720604695459136	they:0.10431601779643776	who:0.09751872070325113	will:0.07961400608298598	you:0.06118257593270567	and:0.05979340670426949	:0.01
an:0.7177681086582187	a:0.061845921323290934	the:0.05496096988939467	very:0.04927868771884686	is:0.030840527317745368	no:0.02138325722520517	and:0.020550760974712836	An:0.018806852649728808	most:0.014564914242856615	:0.01
it:0.3263706712049878	It:0.234829195106296	which:0.10330049207735441	that:0.08590914283007675	and:0.05458893022177986	This:0.05355117640248687	he:0.046688366837771535	this:0.045114156592541955	there:0.03964786872670478	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
hundred:0.8285449139737038	dred:0.04445026281631453	dollars:0.032442244474195386	one:0.021782646018138636	two:0.01569009080184884	due:0.013316632709316358	feet:0.012593988285085681	three:0.011465343588572124	men:0.00971387733282469	:0.01
the:0.3495226752172926	of:0.310028572465648	by:0.07491142085823457	in:0.06605894239130115	to:0.0486287772840098	that:0.04084074534026338	and:0.039980612886386185	which:0.034097945115063304	with:0.02593030844180105	:0.01
the:0.44642774952268455	of:0.18583257193893538	said:0.11402799736745657	and:0.06160961606785461	his:0.05926862672687628	The:0.03776625983080167	to:0.031760113916567696	their:0.027560290540621105	a:0.025746774088202102	:0.01
the:0.3916878334765107	in:0.1603984388732657	of:0.14065502393661025	a:0.07633149636437571	and:0.06951855341726895	to:0.054721522485157145	In:0.03915870744077218	at:0.03518037855583387	tho:0.022348045450205398	:0.01
the:0.5359335365529682	and:0.09033114136178684	such:0.08229366633718221	The:0.07203707137825914	of:0.050333283425811615	these:0.04470192463556426	that:0.04205126475736374	no:0.038904532340323005	all:0.03341357921074087	:0.01
the:0.25470561870247754	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862254	in:0.07582920922781207	was:0.07101916294765154	a:0.06560002811236118	be:0.05991783825325076	is:0.04301373266798011	:0.01
the:0.5008731366908145	a:0.14152466471274525	his:0.10297118570844993	this:0.07059192615235255	their:0.039180481751127684	to:0.03496300324242793	in:0.03437066425648798	tho:0.03362814446924721	its:0.03189679301634701	:0.01
and:0.22281293444179986	a:0.1633255985202637	the:0.15971650653819341	in:0.13235165935982232	his:0.07547971740025924	of:0.06891187402062779	to:0.06105680543954854	their:0.06086404690517852	or:0.04548085737430651	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
of:0.18751147269725926	is:0.17100498682949403	was:0.12951428223037176	in:0.10959704099574005	and:0.09385705890605474	as:0.08701932032584708	with:0.07371660690006017	be:0.0698517219993995	such:0.06792750911577325	:0.01
he:0.24265944814372717	and:0.20883431602299793	I:0.1353089365109301	be:0.1005977144461434	they:0.06950267357844578	have:0.06284547498672084	He:0.06140716102937593	who:0.05804429161391558	she:0.05079998366774335	:0.01
in:0.29875727159446186	of:0.2706607391677059	to:0.09988490857161432	and:0.08022369251969147	In:0.06624316912203831	for:0.0474413018566512	that:0.04605972920050274	by:0.04199230821076612	on:0.03873687975656799	:0.01
of:0.38334477857275384	and:0.13733061241654218	by:0.10524489144687976	to:0.09252507951702962	in:0.07374339154414622	with:0.05941274510584793	that:0.055037891124158474	from:0.04591679796409576	for:0.03744381230854626	:0.01
and:0.2328841584501502	was:0.1792267338680695	be:0.11146267852757288	stay:0.0894252477976382	them:0.08358677447189618	him:0.08306282149174889	is:0.07388465023518077	were:0.0692815259009067	are:0.06718540925683661	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
of:0.25152480270853356	on:0.14813774934040833	to:0.13951290204013153	in:0.12902769801117667	for:0.07339802532721465	with:0.0691799949962691	and:0.067609390066669	from:0.062400889920356466	at:0.04920854758924077	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
the:0.3506791412813245	and:0.25981621235147445	a:0.12119660679739275	that:0.051113146910832706	The:0.05070695273708827	of:0.04685773409916836	his:0.04463479411711629	these:0.034962132326859595	I:0.030033279378743113	:0.01
and:0.3654885849152371	together:0.18335848298449015	connection:0.07527432154198713	do:0.06726378465456402	covered:0.0656549013923289	them:0.06496578768334575	compared:0.0564997200474574	him:0.05621920703064627	but:0.05527520974994332	:0.01
daughter:0.23668130409109198	motion:0.13561189287070227	one:0.1092237759832555	son:0.10303378084486176	part:0.09696048232723906	residence:0.09065305328569832	that:0.08106214802521867	out:0.073785084235415	name:0.0629884783365175	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
the:0.21168661632910743	and:0.17342087587379088	of:0.14965243031096215	as:0.14862640424456694	a:0.08287979349307766	to:0.07107758859510925	be:0.05689152027188907	such:0.04860602071964438	in:0.04715875016185233	:0.01
the:0.3973471732241112	of:0.15148752742507743	and:0.14441177795627336	a:0.10039976640996823	The:0.057966806900372224	Mr.:0.041249930492388204	to:0.03681819378615323	in:0.03296572819243	his:0.027353095613225915	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
;:0.340099969879488	and:0.14634968059035755	him,:0.11849194229083215	them,:0.09699673274106328	<s>:0.06630906511863606	it,:0.061289580113840204	,:0.05718895293833873	day,:0.054052900996398985	years,:0.049221175331045086	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
.:0.18687172859321322	of:0.1739913881364356	and:0.15543203610102924	the:0.1283664817785503	Mrs.:0.09199212456532826	to:0.0767216474801735	S.:0.06685153685759439	<s>:0.05595939924905153	by:0.053813657238623865	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
day:0.7288801099717536	State:0.10509988195298747	state:0.03349204367673288	city:0.026381306843862286	dav:0.02548527823199665	County:0.019615320227691666	place:0.01780693581738457	side:0.01715960479822771	City:0.01607951847936314	:0.01
the:0.46522173628304864	a:0.14172585473527347	and:0.13260059258830706	to:0.049570977188424986	his:0.04720373360195727	of:0.04698618879444511	this:0.038777164347513944	will:0.03428396994182888	that:0.03362978251920051	:0.01
it:0.25780779121173725	he:0.15816700961010968	and:0.0947965741332298	It:0.0937642975458979	who:0.0936029199353662	they:0.09220619621403629	I:0.08131469171738957	which:0.07143891984101765	we:0.04690159979121581	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
and:0.2991570621813888	that:0.12097675512064877	was:0.10566231283894444	men:0.09224837017576902	be:0.08234515997366056	situated:0.07573456631167526	now:0.07289830598094889	made:0.07268568733904675	them:0.0682917800779174	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
that:0.41254069359533196	if:0.10775867228608897	as:0.1021810806114893	which:0.0950336527603481	and:0.07458198053495402	where:0.0620748140712076	when:0.05168851284933588	what:0.043968596503646165	but:0.04017199678759795	:0.01
and:0.22646225889984659	to:0.17936631755545326	of:0.16273196773080137	the:0.14441230832401447	in:0.06671702552099561	be-:0.06590235747966393	that:0.05175613165960594	was:0.04831311007520194	for:0.04433852275441699	:0.01
be:0.31133303299831067	was:0.232564996222867	been:0.1312962884377125	is:0.09253343109260026	were:0.05588529385034739	and:0.053455368203265095	being:0.05340843036005691	are:0.03808812789546481	bo:0.02143503093937545	:0.01
to:0.31183925208060853	will:0.126130591692272	t:0.11984709946223056	that:0.09195814575382462	would:0.08591361815159086	and:0.0853485014069716	I:0.06613257642948804	may:0.05734860361106113	which:0.045481611411952734	:0.01
and:0.3712345465293448	is:0.1683516656111103	are:0.12443378362881301	was:0.12092878791268649	I:0.05692749723348727	were:0.046634386443596784	will:0.034618867713269934	not:0.03352598429658658	be:0.033344480631104914	:0.01
the:0.45128477694459124	of:0.1620082337752408	and:0.07695320283659808	by:0.06658212420785098	to:0.0634227752690609	Attorney:0.04479291416207246	that:0.044059099634686905	Postmaster:0.04359643256619097	The:0.03730044060370775	:0.01
to:0.24381600246766047	and:0.19151972148251672	the:0.16575494234340357	of:0.14682122042725432	a:0.05688202127820803	in:0.0534406581118334	at:0.04846548257907429	for:0.04185880314810546	I:0.04144114816194376	:0.01
the:0.2888607311743004	of:0.21391795395042282	and:0.18890744700175788	to:0.08069075572217466	in:0.06315993381487477	for:0.0480152840008378	that:0.0384803950966061	with:0.03427445905938498	was:0.03369304017964059	:0.01
the:0.389272800813676	of:0.17210485164621478	and:0.17082175439220343	The:0.11627151869807545	that:0.04169052592452665	his:0.028205704258302672	tho:0.025059907039819838	these:0.023323544818787702	to:0.023249392408393497	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
number:0.20885932208434108	out:0.1538552237397949	day:0.11035709953892572	one:0.10010785943270624	and:0.09046657955426679	tion:0.08782501890960506	part:0.08011895138308249	time:0.07953993590668677	that:0.07887000945059106	:0.01
and:0.3162485367424717	or:0.132429256229268	be:0.0830440457228075	is:0.08287736610063927	not:0.08180891969607536	them:0.07879213920193398	made:0.07319194148967305	but:0.07188784345586655	that:0.06971995136126448	:0.01
to:0.46839069455695875	the:0.13695869814077552	and:0.11652861264229192	of:0.077044086819229	will:0.06290687724211852	would:0.0355847743218466	his:0.034542194954993874	a:0.03279292376479808	or:0.025251137556987737	:0.01
of:0.29914502513076735	on:0.17640553404709997	to:0.15860508994704908	and:0.09127647037661119	in:0.07446344031216572	by:0.052176101094903386	that:0.05126954387813547	with:0.04534672507828603	from:0.04131207013498187	:0.01
of:0.38692556821807245	to:0.1410843183687166	in:0.12102919005302791	with:0.06264113564780378	and:0.06262049438959248	that:0.060020541510040534	for:0.05298868771242238	at:0.05173984612531215	by:0.05095021797501165	:0.01
the:0.2584969006519494	of:0.2123300568876437	and:0.14177003477539818	to:0.13796596228481653	by:0.06674448847263892	for:0.05484683605907607	in:0.044995830692325836	that:0.03677095110174294	at:0.03607893907440854	:0.01
the:0.3483352445772111	of:0.16994360295129424	a:0.1120012458043572	and:0.08537812718073949	on:0.08175363449071517	in:0.08113037368727395	to:0.04500864763328272	<s>:0.03473977454091183	at:0.031709349134214276	:0.01
for:0.18213912616883005	to:0.1801162954281979	with:0.15242565822678916	from:0.1330210364124284	by:0.08565880769913203	of:0.08168084998800257	upon:0.07978072450913964	at:0.04863276373889548	on:0.046544737828584794	:0.01
of:0.4548585633554589	on:0.1513002859420174	in:0.09918282468228981	and:0.0744862126902263	to:0.06202170617948396	that:0.05184567462676544	from:0.03651628182051615	by:0.03210316216531611	for:0.027685288537926032	:0.01
the:0.35944412037912865	an:0.3109323571042656	this:0.10578532049393873	The:0.06423957892100292	any:0.056698028531928076	An:0.02747553289925272	every:0.022788109353038537	that:0.022272901273518133	tho:0.02036405104392658	:0.01
of:0.27425625454192326	the:0.21132533839615614	and:0.15139160758249598	to:0.1251700729617947	in:0.05368181334276486	a:0.04533004881576696	or:0.043225616768860275	that:0.04300816315954321	at:0.04261108443069465	:0.01
of:0.39228269317277126	for:0.1402278093032855	in:0.11619660107513156	to:0.09219229685713685	that:0.07692202433591451	by:0.05647846800225527	and:0.0498072292455988	during:0.036887630419009845	at:0.029005247588896277	:0.01
of:0.35553904213101056	on:0.13961929494976297	to:0.1357543946915181	in:0.13175024299769744	by:0.0805425216334192	from:0.04467320452266031	and:0.036812375788904166	that:0.03291605814479099	with:0.032392865140236184	:0.01
have:0.233760177389414	I:0.1747348520464222	has:0.14365831311978752	he:0.11834655784153786	had:0.11040141024303791	and:0.08465786351999177	He:0.049415645791107	not:0.04049861331298954	they:0.03452656673571218	:0.01
and:0.3116040604268401	was:0.15198843375330282	is:0.14293478689701092	are:0.08751495165964814	be:0.07444339263214533	it:0.058539239927337075	that:0.056407200625123846	been:0.05369932938516691	succeeded:0.05286860469342483	:0.01
number:0.48526276360722803	thousands:0.09315900656326986	amount:0.07195309310700175	out:0.0675304109646043	hundreds:0.06351883566097101	sum:0.06280165376648068	bushels:0.05105378557218147	one:0.05055576274313227	men:0.0441646880151308	:0.01
the:0.7571188053377658	this:0.07857660715725495	tho:0.03065494778112145	The:0.027028630356276277	said:0.02167629744723401	that:0.020853096833986	our:0.020016434437576728	whole:0.017921358204273003	and:0.016153822444512005	:0.01
of:0.43063537265381285	to:0.1524704818597217	in:0.09228522737497831	by:0.08835849060751476	and:0.06344830396615463	on:0.04296316613852944	that:0.04104163883711383	at:0.03994630241805847	from:0.03885101614411615	:0.01
time:0.1969458819562261	in:0.12881813061406427	one:0.12214332117383078	costs:0.11723891080578797	out:0.0887165367545089	new:0.08544944203691816	a:0.08377664124701037	each:0.083561202494972	power:0.08334993291668147	:0.01
and:0.3987037576158814	was:0.12564586901297148	is:0.0904285774512238	are:0.07586501849198168	that:0.07099350540563532	be:0.06751123225115296	not:0.06183627507482854	but:0.04995114168555189	were:0.049064623010772856	:0.01
J:0.1266698770641746	I:0.11899381006931097	A:0.11221465677508818	S:0.11085429956396807	M:0.10962468427107366	m:0.10707196529228706	W:0.10446912983555617	.:0.10142349949097622	and:0.09867807763756523	:0.01
and:0.25236487832981874	the:0.20842806816797618	to:0.16963377962922366	of:0.1340321182526267	or:0.06831334328743957	in:0.04839474793821202	a:0.04341345420469974	<s>:0.03311592196234314	on:0.03230368822766026	:0.01
and:0.24715944158911993	depend:0.10115542297585235	based:0.10085046174861782	placed:0.09929781518962862	depends:0.09865819847804204	called:0.0967281156431388	down:0.08601932662424668	made:0.08525060516232963	effect:0.07488061258902408	:0.01
the:0.27331824607599536	of:0.15423716086505732	and:0.14528259025248202	to:0.10262183581871517	be:0.08657383028225224	a:0.07744275946770984	was:0.05733333087575692	their:0.04881454297593235	in:0.04437570338609881	:0.01
is:0.20186603535444836	was:0.1910285871007818	be:0.1548866801270401	and:0.08832023358728554	had:0.07807736930667951	been:0.07542174106625789	have:0.07166581235620707	are:0.06935368747913839	has:0.05937985362216135	:0.01
they:0.27303501600860564	there:0.1465315128297227	who:0.12222326884009252	we:0.09493736687362389	which:0.08820215033905598	and:0.07166245657279302	They:0.06972569939524141	men:0.06683649117598851	There:0.0568460379648763	:0.01
of:0.3022987889302297	the:0.14192542867349592	in:0.1040600275603035	and:0.10093797184566676	his:0.08529800910820819	to:0.07737885848895636	for:0.0666755128524914	their:0.057099271179780975	or:0.054326131360867114	:0.01
the:0.2599142675360965	his:0.24845336565704812	such:0.1835002838879138	their:0.08168117002754233	my:0.06517818336160792	of:0.06273896341710986	and:0.03650425311686883	our:0.026613808999302456	its:0.025415703996510306	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
of:0.3575364918279136	that:0.13577650235516645	and:0.12718056724934274	to:0.10225324826010798	by:0.0864077337452161	with:0.06367060806371078	in:0.047042328996217894	for:0.036594592632059914	as:0.033537926870264835	:0.01
to:0.7462775136474078	will:0.05960736066923649	and:0.05461222132398947	would:0.02555679883359402	can:0.024364844569397612	could:0.022728472927166437	shall:0.020950203855402635	not:0.01843617973960699	may:0.017466404434198644	:0.01
he:0.21236976584642633	who:0.15091908100628376	which:0.13423069933853982	they:0.1114226506626021	it:0.10310378443593025	that:0.08782466281035546	I:0.07127377388196328	there:0.06045635920866448	she:0.058399222809234465	:0.01
it:0.2858485074145247	It:0.1906602108235097	he:0.16206156542602304	which:0.10689791591132618	and:0.057861696900156204	He:0.054983455299674806	I:0.05350413657979999	that:0.046133280232193465	she:0.03204923141279198	:0.01
is:0.2863834092503436	nothing:0.15988621928342442	;:0.1369924471344752	was:0.09344692674184817	and:0.09330323833196721	it,:0.05999376593893135	are:0.05817044836603714	to:0.05379345741645122	him,:0.04803008753652163	:0.01
the:0.6361609248929524	a:0.05894681611596045	The:0.05597021684708367	tho:0.052976376425991595	of:0.04616012997579486	said:0.041765285013186784	and:0.041654495012952035	his:0.029366497564569344	tbe:0.026999258151508842	:0.01
he:0.2786894588456654	I:0.2187993863736224	and:0.15978193519185846	they:0.07111906565666115	she:0.06405979132619377	He:0.06285818932007263	we:0.052995435898579975	who:0.0411665986351086	then:0.04053013875223757	:0.01
the:0.33354478652460023	a:0.1742750817329084	of:0.12841035759535754	and:0.12079526003607394	to:0.08046451338156742	The:0.04300339573350039	at:0.03739070741802715	Mr.:0.0370466960677367	in:0.03506920151022816	:0.01
the:0.22951541301561298	of:0.21645470357557564	and:0.14875776888463016	a:0.14564244601788373	to:0.08507460428324044	on:0.049164876384552754	in:0.04357993938462455	<s>:0.03649783752368754	be:0.03531241093019221	:0.01
of:0.5752343176843888	in:0.14728314967164774	to:0.07586931738189924	by:0.06094295978398383	In:0.03187140209691087	from:0.02685828138852238	that:0.02651800685039899	for:0.023111756606175194	and:0.022310808536072903	:0.01
feet:0.3032320095698917	up:0.11289707474994076	down:0.10700327034433074	according:0.0916536505142319	chains:0.08731041320062455	and:0.07867576110748412	went:0.07502201993745938	back:0.06776368295260211	time:0.06644211762343462	:0.01
Mrs.:0.38029156722113766	of:0.12230460873439684	said:0.08335024269480153	and:0.08108770530360628	Miss:0.0740376719489947	Sir:0.073545921992957	to:0.060538152475582	.:0.05821030154584999	Mrs:0.05663382808267386	:0.01
of:0.31343077532048497	in:0.3030548670813857	to:0.11118275232640838	and:0.06318122111458353	all:0.04766626278112191	In:0.04713138629705967	for:0.04087645516250609	from:0.03796357355087405	at:0.025512706365575715	:0.01
is:0.22608177461170714	was:0.1852972912203111	so:0.17537156005181773	be:0.11633711939368178	been:0.09989572091187687	are:0.08096892460150842	and:0.0417517256096576	were:0.03398555485123476	not:0.03031032874820464	:0.01
the:0.3241036780908108	and:0.2065727238951607	a:0.1272264547596534	of:0.11765771343139497	to:0.08739672365842344	in:0.04420412755929044	be:0.032467053042815025	as:0.025730282402054782	they:0.024641243160396422	:0.01
number:0.3001359354503346	line:0.16295092342054765	quarter:0.10223375943121864	Board:0.08039441613413777	thousands:0.07468042333681196	board:0.07434062731775926	out:0.06747538632823456	amount:0.06467121440192726	piece:0.06311731417902827	:0.01
a:0.4609897778536802	the:0.11865510332234204	no:0.08303333482219098	great:0.07695878351571839	good:0.06292965147593961	this:0.061642867014358706	any:0.048895430695865785	and:0.04280051496958789	his:0.0340945363303162	:0.01
of:0.2833609901118425	in:0.1387026627244487	about:0.12923035656985737	for:0.09532802575702794	within:0.0892831392006635	the:0.08849375553589567	and:0.06474176250671118	In:0.05220509694160331	than:0.048654210651949734	:0.01
of:0.34370987014445714	in:0.12741281973091415	to:0.12258165939083247	on:0.09273608394008798	and:0.08812963542476877	that:0.07205600099771797	with:0.04862315823192203	upon:0.04809806721216279	for:0.04665270492713676	:0.01
the:0.23722395854443215	and:0.1897717413181354	have:0.12704478004218475	<s>:0.12447257859303297	had:0.09229546587840042	has:0.0569498470362865	of:0.05662790247145757	I:0.05386771661800132	which:0.051746009498068936	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
do:0.19421841506119752	if:0.19337404022818044	If:0.1371248438066826	that:0.10646575380250396	when:0.0940784170726965	and:0.07980538676238162	Do:0.07519381423617823	did:0.06396176826890018	as:0.04577756076127888	:0.01
the:0.31688637079993115	Mr.:0.17553394782128745	of:0.13475496181409466	and:0.09916631462749304	a:0.09665466180011159	to:0.04679512473816269	The:0.04386048957519478	.:0.04066329302842449	was:0.03568483579530011	:0.01
the:0.35897422603923096	in:0.16616966842372385	of:0.13052057623811253	their:0.07031352892460413	his:0.06330218471043672	and:0.05670573740103631	a:0.05157443195379748	this:0.0510845985109969	In:0.0413550477980611	:0.01
the:0.27166233022908093	of:0.23000352546859323	and:0.13884537094325505	a:0.0980990289944851	their:0.08019695701187926	with:0.05590558177563791	his:0.054346301313037394	its:0.03261688057838085	an:0.028324023685650238	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
to:0.26252502663319843	not:0.2624609391241689	I:0.14646438849971286	don't:0.08105364776728152	you:0.0791949193984599	we:0.05174848517586477	We:0.03733400738338787	didn't:0.03476725853486232	and:0.03445132748306359	:0.01
of:0.4059152898340685	the:0.15726767510568604	and:0.09723020500398397	to:0.09513651410509204	at:0.08210383889379338	by:0.04817505925656814	for:0.03597553216309035	with:0.03473764862388829	in:0.03345823701382932	:0.01
was:0.18991453451619122	be:0.1543658617072605	is:0.11157448049837697	been:0.10680483280190002	of:0.10335038683907469	the:0.09898389482971728	and:0.09751034532941251	were:0.06497103383901073	are:0.06252462963905607	:0.01
the:0.3108250209479243	of:0.2331588111976363	for:0.10162268169096013	in:0.10113235988959188	and:0.09317968405650828	to:0.0538163231783237	all:0.046609633641172966	with:0.0295974475790429	other:0.020058037818839445	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
number:0.22534018296935626	out:0.19397703787317067	sum:0.10107045551325922	amount:0.08789471326069255	one:0.0850657509090956	years:0.07781876461733517	that:0.07559886852095622	matter:0.07462364107435089	and:0.06861058526178346	:0.01
it:0.19549328618000633	and:0.14240551424094677	I:0.12396452388203216	he:0.10837075534165982	which:0.09917829359620355	they:0.09882972305776178	It:0.08057606199899532	that:0.07393722861085704	you:0.06724461309153713	:0.01
one:0.21967184196860368	three:0.1390280834270198	five:0.1264072646005238	two:0.11716990668316368	a:0.09983024313362253	six:0.09157590391622417	four:0.0805862760932337	eight:0.06668262960541724	seven:0.04904785057219143	:0.01
of:0.5050740525942162	to:0.09124210731711106	in:0.08263957164123327	by:0.06530183547590275	and:0.0636316078573843	on:0.05669384397822034	that:0.049111788731208264	In:0.043160463101750646	from:0.03314472930297316	:0.01
to:0.55101970962566	will:0.15008290196059051	not:0.06490483020220714	would:0.06450590519010983	and:0.05545485971129013	shall:0.027171263907521514	may:0.02647276536706643	can:0.025289404275478423	could:0.025098359760075878	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
of:0.27404751345345146	the:0.21760197113705956	to:0.11192366346135449	a:0.10475215581601927	in:0.1037683203346648	and:0.07427786623811199	at:0.035499562255862475	for:0.03449192824927743	with:0.033637019054198344	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
the:0.27067445592289135	of:0.20690955648494103	and:0.1807403582189711	.:0.07741349594123956	to:0.06959324817403106	<s>:0.05485343861793485	by:0.05139125206617532	a:0.04255820040845313	The:0.035865994165362625	:0.01
an:0.5026825703229865	the:0.16727866485345685	of:0.13697320143480987	in:0.04540299658196608	to:0.03215326296929625	and:0.03064082577963494	An:0.030134199383121698	The:0.02711652636416045	a:0.01761775231056737	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.27896776847231236	him:0.165339413698242	was:0.11226980831190811	man:0.096438896839694	it:0.09281578859421534	up:0.06562583647316447	that:0.0651909040662511	found:0.05717470234619706	made:0.05617688119801571	:0.01
and:0.1855266834317403	the:0.17928268355096624	of:0.1537079584360458	to:0.14257578856808903	be:0.09033375319685075	was:0.07646336480896145	is:0.06802686908593894	in:0.052184043745382366	for:0.04189885517602517	:0.01
of:0.23433583092232185	in:0.14646790543069854	to:0.1395741039828132	at:0.12982490202141925	for:0.12634759850020963	with:0.06470607478725314	from:0.051008756872189115	on:0.05090927882103448	by:0.04682554866206085	:0.01
and:0.24215253716277385	is:0.16257051918700585	was:0.14181354577167612	the:0.09482165538042853	so:0.08325506076040592	are:0.08273005728640616	be:0.0777934296588743	to:0.05306049331397918	as:0.051802701478450064	:0.01
a:0.21425031372608325	the:0.21352417087379721	is:0.1711075562008717	was:0.11254661698441262	are:0.08207488392581708	be:0.08164433843837511	not:0.041399402846844534	been:0.03701086079133961	were:0.03644185621245892	:0.01
the:0.5321768886676587	an:0.11266515311950674	and:0.06401596773935148	sufficient:0.05956992870108666	large:0.05054831338287664	this:0.04839797672823438	that:0.0422552418850052	to:0.0406336956618934	a:0.03973683411438674	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
<s>:0.25455447020157906	it.:0.22465874145204473	them.:0.10938652982322933	?:0.09213124876074492	him.:0.07576598559269593	me.:0.060816314815480776	.:0.060601025726744404	her.:0.05765052976753964	you.:0.0544351538599412	:0.01
of:0.19341917918443396	in:0.1817621777284502	for:0.1327192742778708	to:0.11058426022093089	with:0.10431874299438908	as:0.08253756204201326	and:0.06741820226476208	was:0.06047800486923578	is:0.05676259641791416	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.26631771811439525	and:0.20187492102926918	of:0.1589843633303804	to:0.11059027842715602	in:0.0571012098710703	that:0.051462395651177245	said:0.050581573006078746	for:0.04673165755322649	his:0.04635588301724631	:0.01
of:0.3752045651016961	in:0.34107226636709187	In:0.063323074804782	to:0.059373309237543165	on:0.044537139347997884	for:0.0323790496757859	from:0.03231967997213768	by:0.02412026982410125	into:0.017670645668864324	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.5935375746958178	a:0.1293002059443247	of:0.08352132949980437	tho:0.05175969438874167	his:0.038308839840151584	The:0.03134691107038882	our:0.02444532539932953	tbe:0.0205075950365788	and:0.017272524124862774	:0.01
and:0.28037075074322987	do:0.17263268937907955	is:0.1320967458771151	was:0.11142866576407603	not:0.06652810473167863	And:0.06595457509614014	;:0.058889165060910645	are:0.0531925916739241	be:0.04890671167384599	:0.01
a:0.16708194352521677	fel-:0.16011195649182866	as:0.1292193866949771	is:0.1134776254286908	and:0.09092022891659415	the:0.08801005919131373	of:0.08454356608927735	be:0.08268828824022163	fol-:0.07394694542187975	:0.01
so:0.1760165658941351	of:0.14949769167081106	in:0.12044463059327694	and:0.11001724059777046	as:0.10675562777882028	the:0.09979829453072665	for:0.09482125265586638	with:0.06977344793354932	great:0.06287524834504374	:0.01
that:0.2169829073979379	which:0.13882574885174886	and:0.13494777101344074	will:0.09648075625036644	when:0.09430117639618973	to:0.09306594583287492	would:0.09119376815548207	should:0.06559174320413765	as:0.05861018289782162	:0.01
the:0.5443381295603745	a:0.21721138193766873	The:0.06514357860369203	to:0.05349628260222359	and:0.033706598204234814	tho:0.024043365737743464	no:0.023914313150359988	of:0.016785779222910354	tbe:0.011360570980792614	:0.01
w:0.48220810083510773	the:0.18150648306599082	and:0.10982388633157757	\\\\\\\\:0.07562352295952718	a:0.05034334433610209	of:0.035198654403122726	The:0.02213015444247008	<s>:0.017186134960253074	im-:0.015979718665848536	:0.01
of:0.3336780476486269	in:0.1150121972742167	and:0.11134197531742805	to:0.09715994742496628	for:0.08080902135141348	with:0.07690895712585684	that:0.07169233152386086	on:0.057499490095272644	is:0.045898032238358234	:0.01
and:0.20638878887125045	well:0.19873831791044558	regarded:0.1231890387740247	known:0.09235606727943454	such:0.09116838074041536	soon:0.08225074591371048	much:0.06875708068222428	just:0.06568533165596226	him:0.06146624817253221	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
the:0.24151880091757555	of:0.22229851378227303	and:0.1795890508951101	a:0.08748588758598046	to:0.06388724456799588	in:0.05669685762196655	<s>:0.05592532541190344	for:0.041635793769414564	be:0.04096252544778048	:0.01
the:0.4495254594759759	of:0.14214934462512158	a:0.10442027381962456	and:0.09764130636092663	to:0.05775706125631166	in:0.047503276805613906	or:0.033687089232191686	tho:0.029394595454062748	be:0.027921592970171244	:0.01
of:0.39228269317277126	for:0.1402278093032855	in:0.11619660107513156	to:0.09219229685713685	that:0.07692202433591451	by:0.05647846800225527	and:0.0498072292455988	during:0.036887630419009845	at:0.029005247588896277	:0.01
the:0.3717153271024305	of:0.22972143140062026	The:0.15765229037720044	and:0.058552775384830634	a:0.04953777991936128	in:0.0372559625519528	that:0.030580815374333246	his:0.029312907947719884	tho:0.025670709941550962	:0.01
one:0.2212328057605412	out:0.15939755708088252	part:0.14033788569933314	that:0.11135669960407651	and:0.0997551682234425	some:0.08052259092961321	all:0.06699904848109765	many:0.05530268913628873	people:0.05509555508472449	:0.01
in:0.42982769783868724	on:0.2702612523576376	In:0.1403757713560947	of:0.0491313619342328	the:0.04345583620826489	On:0.030075105792111576	and:0.01035125332185591	iu:0.010023443854434964	from:0.0064982773366802585	:0.01
of:0.20710539120513918	is:0.13585187402884558	with:0.12284835399094125	to:0.12031573155318899	in:0.09694693951563668	was:0.08952259000807683	as:0.0825109009247548	and:0.06761472620214304	by:0.06728349257127367	:0.01
be:0.23943333851177467	was:0.15320887068832853	have:0.12158761152372549	had:0.10886940166625979	has:0.10657103118785069	been:0.09666782203378482	is:0.0685901677448157	not:0.0558685834939292	he:0.03920317314953107	:0.01
the:0.7693178021754622	and:0.051724252046114576	The:0.047848245761059255	tho:0.041204048513734624	as:0.0374504283933	tbe:0.01344202390019092	a:0.011274556010962326	an:0.00894608685262509	or:0.008792556346551064	:0.01
of:0.2537403830613674	to:0.11658353054875496	and:0.11512523528448267	with:0.1011662709660989	in:0.09569476657657063	-:0.08693630953125941	is:0.07514381371182731	was:0.0742268123367157	for:0.07138287798292293	:0.01
a:0.648091185908516	the:0.1779562130801258	of:0.05781669596019208	this:0.03515393031909769	in:0.015640858680876047	any:0.015038382672338597	and:0.014687466407493714	our:0.013658631510340889	A:0.011956635461019199	:0.01
a:0.3438839433786467	the:0.21505861911675156	and:0.12549079255712303	of:0.11977532533060835	in:0.04324994446085516	no:0.03974268668419713	for:0.03855254885639557	with:0.03254127422998696	or:0.031704865385435495	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.4655185966590086	of:0.21385799335483274	a:0.11911524806175755	and:0.04968182374001496	to:0.03196058063470554	tho:0.030625198264294405	The:0.02871918557420521	in:0.025521021216524758	other:0.025000352494656236	:0.01
he:0.23441967341169898	and:0.18217746591554732	who:0.11656475965071622	it:0.11243263914395754	which:0.08473963328192807	He:0.08088655919174453	that:0.07379737091147204	It:0.06527493474369168	she:0.03970696374924357	:0.01
<s>:0.3956046941949344	it.:0.12228710750232026	them.:0.09215996668612447	him.:0.07539688321959762	time.:0.06668760078587475	year.:0.06336686832532963	country.:0.06273206562061297	years.:0.06063260677674943	day.:0.051132206888456426	:0.01
one:0.25096034911988363	all:0.14868292273108788	out:0.14800427986804152	part:0.11979153945342838	some:0.09105809853380172	number:0.07119397712427801	side:0.05764259611422086	cost:0.05221788508163529	portion:0.050448351973622706	:0.01
the:0.2847604859436903	Navy:0.2086710291182339	War:0.16515679389254997	Treasury:0.10046665944620745	of:0.07051669701921216	State:0.05829849395849311	Fire:0.050333811390698764	such:0.029979076700381652	and:0.021816952530532608	:0.01
and:0.20735053701823788	to:0.15387785739540455	the:0.1454095517627379	of:0.10553893519947838	was:0.10277634254014693	.:0.09209270802663322	Mrs.:0.07075792840449592	<s>:0.06338869857582367	I:0.048807441077041686	:0.01
of:0.2537223515190862	to:0.1854839873040766	for:0.13283557060688542	upon:0.08629349016492195	with:0.08472802592538152	by:0.08083752175561944	in:0.07150007754550503	on:0.052895070435785875	from:0.041703904742737996	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
provided:0.23217950814956406	called:0.15971374030075788	made:0.15834799044248346	paid:0.14151959809120865	and:0.11531185113594421	cared:0.05852703493291159	shown:0.04315695862687935	given:0.0421149880248162	voted:0.03912833029543445	:0.01
the:0.23863410058153164	an:0.20521080959732965	and:0.15286505486235324	of:0.12367342633647288	to:0.07348920581285309	The:0.05770353206594678	in:0.051785770323392544	with:0.04363083417852361	a:0.04300726624159661	:0.01
the:0.6103764511390612	The:0.09252568024220037	a:0.0524322947911347	tho:0.05078147916918246	and:0.03790968957346723	of:0.037896702152342296	their:0.03770604225505472	his:0.03633865160571087	in:0.03403300907184629	:0.01
<s>:0.3555512561016819	it.:0.15471331482865935	them.:0.10852639640492653	him.:0.07641661402687347	time.:0.07495162759029043	country.:0.0605704891382502	year.:0.06039277327436307	again.:0.04958182261272844	ment.:0.049295706022226604	:0.01
and:0.2708555229503238	of:0.16875357166365473	the:0.15806028549716694	to:0.1266985020119527	be:0.06506136079902888	a:0.05367233913074959	more:0.052564597091336124	in:0.048713423836331086	was:0.04562039701945622	:0.01
all:0.1741668529532661	of:0.17163441761817322	and:0.1504608848512784	was:0.122946265633498	is:0.08285170463002854	it:0.08141337541723163	for:0.07816749861825331	went:0.06640024306940502	in:0.06195875720886578	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
the:0.21464924949537284	and:0.18957015814415806	an:0.1460303145678161	is:0.12004251412270572	most:0.08812644278989448	of:0.0705505174257434	a:0.06130935976794653	was:0.05434544785659937	are:0.04537599582976354	:0.01
he:0.19216420268890672	I:0.14249478219207085	it:0.1393078157224164	It:0.12149617874351198	He:0.08856204987147628	and:0.08730213392007194	there:0.08170176791215107	which:0.07289892602507458	who:0.06407214292432002	:0.01
the:0.3132510161983398	of:0.20486283284131138	and:0.14597479242282507	to:0.09212356202286397	a:0.06379933223107616	in:0.05390073143526956	more:0.04120050653390081	his:0.03922492059718362	be:0.035662305717229746	:0.01
the:0.22335451367560188	of:0.18153182046609662	as:0.12059135769970712	and:0.10367654401934799	to:0.09205779218973197	by:0.07812699600575215	at:0.07374457088040261	in:0.06378910748540038	a:0.05312729757795932	:0.01
the:0.29299944965662217	of:0.20858169245563896	Red:0.1711019641305629	and:0.07395319765278928	in:0.06570386547121823	that:0.05960960438055597	a:0.04671657210696235	to:0.03573495758905615	said:0.035598696556593985	:0.01
and:0.25625387041193765	place:0.23302989048039086	point:0.12404273927876845	spot:0.08473761952807539	know:0.08247107628680542	room,:0.059393416819199095	that:0.05674228312242792	places:0.04898134616682404	house,:0.04434775790557134	:0.01
the:0.5961299935514127	and:0.0991517820006296	a:0.07449915963632098	of:0.045612421655196696	The:0.04554283218044092	tho:0.039516371723805656	or:0.035087361218755594	last:0.027300952150221016	that:0.027159125883216822	:0.01
the:0.21522454785192902	of:0.21264150990612754	in:0.15905153292606905	and:0.09501204556435516	for:0.08557207918284017	most:0.07011450695538322	an:0.0699699942295455	to:0.04345817998800972	more:0.03895560339574063	:0.01
of:0.17193292051306375	for:0.17139885622270568	and:0.14880293847952583	in:0.13418582374450308	to:0.12018011085679176	the:0.10678319882182948	I:0.05056931262662486	In:0.04523800066741578	that:0.04090883806753986	:0.01
have:0.3339665819054502	has:0.32755542866461484	had:0.20828879401404263	having:0.045205749450952806	not:0.02712165812879421	ever:0.014441823618477186	bad:0.012833445342722245	lias:0.011195854057983566	havo:0.009390664816962326	:0.01
of:0.4497285201445156	in:0.18970144733683242	to:0.11567379460502972	on:0.06311022727521406	by:0.04086786165679485	from:0.034872773813334805	In:0.03363915897487356	and:0.032565559522013274	for:0.029840656671391765	:0.01
of:0.4350691121933086	in:0.17590693507051808	to:0.10103820455278756	In:0.05410244356178705	that:0.04894784282719977	for:0.04796761694587244	by:0.04368040144683445	and:0.04226712549192657	on:0.0410203179097653	:0.01
be:0.3261582696274826	is:0.16682787983175273	are:0.1492070221675558	hereby:0.10009574616439888	was:0.07946180479552914	been:0.053084234267630266	and:0.0397106549622311	were:0.03892282637027751	as:0.036531561813141926	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
he:0.33274128835162037	I:0.2124939256761349	they:0.0824178384195034	she:0.07597712877843509	who:0.0648198529021005	that:0.06156865410249643	it:0.05811858836358071	one:0.05540519507044872	we:0.04645752833567986	:0.01
to:0.6200374345886432	the:0.10951157728727927	a:0.0413286669090459	not:0.04076703087486915	will:0.04041854768167165	or:0.040137913599822446	would:0.0394488947485532	and:0.029427842343728826	can:0.02892209196638612	:0.01
of:0.4719360129115267	the:0.1426745309195729	in:0.09531714768904948	a:0.07262507202263561	and:0.06003801780002505	to:0.048002357607727864	by:0.040841873417955976	with:0.030825509838310918	for:0.027739477793195404	:0.01
and:0.35482815172298954	miles:0.14932020724913664	or:0.13519251055456635	free:0.08100749418133457	than:0.0702935800279418	them:0.056163977515164436	come:0.0493533050859757	far:0.04699755719173294	out:0.04684321647115798	:0.01
from:0.21802200205555064	the:0.19694833446729548	in:0.12247782210057058	that:0.08945903226427072	some:0.08261572909543535	any:0.0797247730890875	this:0.07278699757577482	a:0.06676927872790638	same:0.06119603062410855	:0.01
that:0.25082721774418454	and:0.17042390707006805	as:0.15128640545923766	when:0.10156670650590631	which:0.07857542487888396	until:0.06659884913235843	but:0.06399581761285986	if:0.05942107854263006	because:0.047304593053871066	:0.01
for:0.22586853907139806	in:0.17498939376557693	of:0.16741035700796641	with:0.09376489879711111	to:0.08718496334123685	and:0.0836841715808183	was:0.06964059209458019	had:0.04417040410790925	is:0.04328668023340284	:0.01
that:0.31477914547653374	and:0.20075168692270082	but:0.1078760036867674	as:0.09014379652450287	when:0.0823790812736193	which:0.08073958256682875	if:0.04767380552388467	where:0.03845583820312528	until:0.027201059822037178	:0.01
of:0.2697065975318227	the:0.16285046892702607	for:0.13761178838663865	and:0.09781431611175553	any:0.07778247097783625	no:0.07589201762369811	in:0.07320278982432565	such:0.04858341103179253	public:0.04655613958510448	:0.01
the:0.4240098118758632	a:0.1817936446722017	his:0.1005302832809802	of:0.07663118406106932	and:0.04895489018061306	The:0.04354682062662221	that:0.04219791617212838	this:0.036250215124155986	my:0.036085234006366006	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.252138786174982	and:0.2153253382127518	a:0.15317149285556528	to:0.11396853897350166	of:0.09334576142189667	his:0.0456211362254056	is:0.040644186672772524	be:0.038605430330245515	was:0.03717932913287896	:0.01
of:0.30460170007658327	in:0.15823302268285266	and:0.1406677005881453	that:0.07966390433253047	for:0.0794464044714088	to:0.07226009068863108	on:0.06507682541341048	by:0.045708615949442304	In:0.044341735796995595	:0.01
the:0.2234664831778662	of:0.2184330657675865	in:0.21736375313127243	for:0.07724299186074977	and:0.07052144239108794	In:0.06886943526748672	this:0.04642770568260868	to:0.042535461910172	that:0.025139660811169782	:0.01
all:0.31565326970158236	other:0.16580339134940758	the:0.15829800825366	different:0.12028496182537028	various:0.08190341735194766	many:0.0513117168936095	and:0.043145249633335686	of:0.026961133528066797	two:0.02663885146302011	:0.01
and:0.2675530231482183	made:0.1475064843416865	accompanied:0.11178221525740636	that:0.09428183053023477	or:0.09227188479736162	followed:0.08095124246280751	only:0.06649206094473835	surrounded:0.06501428227539675	caused:0.06414697624214977	:0.01
they:0.275039178330209	who:0.18462712672434262	we:0.13509772545846094	which:0.08366563180083819	They:0.07324126368949521	you:0.06939107379120876	and:0.06724961100066543	that:0.051861582592973486	We:0.049826806611806225	:0.01
his:0.3446646993309309	their:0.25539210446130994	our:0.0965086085783402	her:0.07051266857145902	its:0.06698772557697923	your:0.06517201383835564	my:0.06181065517247737	bis:0.0207590236231213	to:0.008192500847026286	:0.01
is:0.3107728887603819	was:0.12558880272532064	;:0.12078126807984661	nothing:0.10306897741552232	are:0.08111712164045444	and:0.07707530397438024	had:0.062408402889212566	have:0.05482253267904445	to:0.05436470183583669	:0.01
of:0.456869104390992	in:0.10975166113399032	to:0.09563062470098066	and:0.0937705597895411	with:0.05858189155413482	that:0.05346485142653295	for:0.05015105702303389	from:0.039141032158316776	by:0.03263921782247752	:0.01
of:0.38115699462130104	in:0.15521695486962922	and:0.0911288930483079	to:0.0902242289691268	at:0.06326749313727359	for:0.060939910074399	on:0.05782525681361866	from:0.0455043078981717	In:0.044735960568171924	:0.01
of:0.297041737567345	at:0.13440475044217515	to:0.10838291476104796	for:0.10674943870303029	in:0.09996745329207186	and:0.08777957718260361	on:0.05750961029043896	from:0.04991414421083168	during:0.04825037355045556	:0.01
the:0.4113678361169536	and:0.18080929381632752	The:0.1643483406353988	of:0.09019305767540764	these:0.04661798097110718	These:0.026058763704191905	tho:0.02524245874287798	for:0.023391423341127	that:0.02197084499660843	:0.01
United:0.8848731775804126	the:0.04407297553959428	Southern:0.017000245298212712	ted:0.00829775095676571	I'nited:0.007802512126651418	this:0.007295672928523232	Confederate:0.007120224721502038	Uuited:0.00700852566671484	that:0.006528915181623249	:0.01
the:0.2793357405607959	and:0.17507839913382103	a:0.16092819871363123	of:0.1190954181967364	to:0.0913567733142447	in:0.05019268040724791	or:0.04228746948231218	is:0.03819370391948089	for:0.0335316162717298	:0.01
the:0.47886724515444734	a:0.16350956847750153	this:0.07921067370259915	of:0.073769823275669	and:0.046964412396125435	The:0.04280650098918231	his:0.039125668158103935	no:0.03703578268540815	any:0.028710325160963116	:0.01
the:0.265614222026395	of:0.18859937080241776	and:0.15745233045539025	a:0.1072611646622572	to:0.10019220206305125	in:0.059191628930515654	at:0.056875806849323356	<s>:0.028919342441296493	by:0.025893931769353017	:0.01
up:0.297043230169392	in:0.25132844038633684	due:0.08558206750888915	out:0.07431603215896164	hundred:0.07414613090168128	;:0.05774244296161051	him:0.05101317694647171	down:0.05079390482717956	to:0.04803457413947715	:0.01
of:0.2596329956818401	in:0.18804155210850365	and:0.15296093603760272	to:0.09495148244241582	with:0.09467602361980795	all:0.05952589485833921	for:0.05815394988252458	at:0.04174217498581602	on:0.040314990383150034	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
;:0.2168088007452265	up:0.17682453613587082	them,:0.09053299638160076	it,:0.08827835094126033	in:0.08756142412010726	years,:0.08612884779474349	States,:0.08437911467834915	him,:0.08132578910373672	and:0.07816014009910499	:0.01
the:0.3219954639272574	and:0.1896043965869666	of:0.18938784711854723	that:0.1256221550786909	The:0.07387937001562984	in:0.03031399426665969	Mr.:0.029339786089562593	tho:0.014967614703817727	General:0.014889372212867959	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
the:0.4296733500335901	a:0.30677805126575586	of:0.06029590949388562	The:0.05322170354312578	with:0.039216402772143465	and:0.0350654902695585	his:0.025048632470323417	tho:0.021419640146003824	in:0.019280820005613347	:0.01
as:0.20237798561569872	in:0.1294595699787714	to:0.11671738796871146	of:0.11459210613226083	at:0.10374443765597416	such:0.09152004877337537	for:0.08412576389888168	is:0.07765782824194652	with:0.06980487173437977	:0.01
is:0.2029437746932175	be:0.160990347806269	not:0.13990164781263237	as:0.13448074718208375	and:0.10456135694539266	was:0.09616811521874175	are:0.055795551817267044	it:0.05409079202946102	made:0.04106766649493488	:0.01
.:0.31744404894888817	<s>:0.3010066582289515	8.:0.06036287927914963	and:0.058557595791321485	W.:0.05600267191064719	A.:0.05560860019045797	it.:0.05408283381259829	of:0.04353392918968781	Mrs.:0.04340078264829791	:0.01
and:0.32645004556120627	made:0.1792117983394026	owned:0.11155862856110099	executed:0.0778409364493694	delivered:0.07628699375680496	that:0.06784665186227805	given:0.051269688937303104	them:0.05050330865954765	occupied:0.049031947872986995	:0.01
of:0.3645673276069836	by:0.1551421185979079	that:0.11726863699123187	to:0.09606228379450857	and:0.08906829855050474	<s>:0.05695506627054468	which:0.04007946656923639	with:0.039856950280875506	from:0.030999851338206565	:0.01
and:0.2793253893946551	him:0.21853096368178213	it:0.08476260842951357	asked:0.07674456600068782	time:0.07369009613178286	reason:0.06587256718491909	made:0.06552442478440415	necessary:0.06278741969048687	enough:0.06276196470176812	:0.01
do:0.3076046414810905	and:0.289143729417943	did:0.116186941435601	to:0.06443028952419189	will:0.047613191871223454	was:0.04596372622157994	or:0.045282468198949155	not:0.038233854783277454	can:0.0355411570661436	:0.01
of:0.4526780903997624	in:0.19124233019821602	on:0.11978725524063681	from:0.04858032353069892	to:0.04304643642285629	In:0.038931965067697874	dated:0.03881162262262917	for:0.03186124040896504	by:0.025060736108537568	:0.01
to:0.7384096064012925	will:0.07536501513412078	not:0.04296909638198008	would:0.03462212114213801	and:0.03181411138221994	should:0.01896666672245038	may:0.017093603114516152	at:0.015719892973372205	must:0.015039886747910064	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.31535798878987814	of:0.22972837233506188	and:0.18713977344717184	The:0.05905499999155073	to:0.0562832280855255	a:0.04963999884722086	that:0.033928931327183415	an:0.029757186123146397	in:0.029109521053261235	:0.01
a:0.5457636047808748	the:0.14999129555649293	very:0.0671403932564	but:0.053047814505814056	of:0.044860033648797634	and:0.03921229272247331	A:0.033676518519295234	is:0.03161899068593396	with:0.024689056323918088	:0.01
the:0.33971532246240616	his:0.17432880808113546	a:0.09975516050770217	their:0.09093320742647526	her:0.07141357172710695	this:0.06573897533001549	of:0.060456255597345646	any:0.0457772331157666	my:0.04188146575204619	:0.01
and:0.26269237400024886	that:0.2134579709419004	but:0.16452751573453867	what:0.0724225669877434	which:0.06841987950033718	as:0.06545859075148076	when:0.056356850517246836	if:0.05105301798183017	If:0.03561123358467381	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
be:0.3035492051085526	been:0.16691173989451877	was:0.14106588086469865	are:0.08834854592624078	were:0.07398022485529095	and:0.06898355761389689	is:0.06556822435313223	not:0.04565239560509198	have:0.035940225778577306	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.0920144699599962	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
he:0.29631509765651315	they:0.12446031800486433	it:0.11927376854797352	I:0.11448729836238142	that:0.08403808674513617	she:0.06989966367048016	who:0.06752602362780764	It:0.060008278113645355	He:0.05399146527119808	:0.01
of:0.2442598303831477	in:0.1949520407606569	to:0.14401693934043922	with:0.098868855007948	and:0.09399504898204242	on:0.06881330971087021	from:0.04968271003295342	that:0.04828865099335347	at:0.04712261478858869	:0.01
a:0.28365625181469095	the:0.2558927510855615	and:0.0946450597876406	his:0.08433054768694441	of:0.07144067231757802	.:0.06846515011399805	A:0.05898471406493319	her:0.03968426446456142	The:0.03290058866409198	:0.01
the:0.2131927231606264	of:0.16217903375940657	and:0.15972059496727598	to:0.10588622041772466	for:0.10129369630961303	a:0.09542457438191172	in:0.06730074781140234	was:0.04403750173733229	be:0.04096490745470728	:0.01
of:0.19950172929508872	in:0.19565164401938998	to:0.19334913365002876	and:0.138628907560729	the:0.0825114772091843	his:0.06061356060731272	their:0.045439362426791446	In:0.03773992340200535	its:0.03656426182946975	:0.01
a:0.2467164871996422	at:0.2439874588721936	the:0.16106407851821988	any:0.08960302358212084	in:0.07476416572070443	no:0.055045953936642286	of:0.050305817222632505	from:0.04262605968831813	every:0.02588695525952616	:0.01
of:0.7110174294134934	among:0.06734583007305674	for:0.04174390948190276	to:0.03874872004128605	with:0.03536190864169597	by:0.034642999291530994	upon:0.023245240790323557	let:0.020012803371097038	Among:0.01788115889561355	:0.01
be:0.26400126250592926	was:0.22220152459011902	been:0.1158977311751774	is:0.10894035234657025	are:0.07957691955683616	were:0.07821240568984547	as:0.045817117326328566	and:0.038294789784996404	an:0.03705789702419743	:0.01
that:0.17034735897983955	and:0.16719345318715048	he:0.13756157329709578	which:0.13001701215020361	it:0.125531142335939	It:0.0852548557704659	who:0.07893107751261318	as:0.05901943455676336	I:0.03614409220992906	:0.01
part:0.21496902104278678	one:0.20912369233988043	some:0.12867331343811736	out:0.1057303116879626	members:0.07618604502434112	and:0.06636584999188522	tion:0.06479865598258486	portion:0.06226235532256281	side:0.061890755169878825	:0.01
away:0.17501823348572754	and:0.16742120311487937	taken:0.11752864359726309	came:0.11394310261347558	come:0.113090749115388	miles:0.08161807990167866	them:0.07674508647747993	him:0.07508147615060067	free:0.06955342554350721	:0.01
is:0.16285750683999792	not:0.1552360508743664	was:0.1513309072831328	and:0.15051995690637257	will:0.10364089841334301	be:0.09190255775046703	that:0.0673608576157549	are:0.05923181701106497	him:0.047919447305500455	:0.01
and:0.2967704236201929	that:0.20249984946197658	as:0.1471570126983292	when:0.07851276999627274	but:0.07798664836586859	so:0.060786438246293796	<s>:0.045277071205847966	the:0.041717052448155365	which:0.03929273395706284	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.35763457265784887	of:0.1701558002533134	and:0.13336838216028662	to:0.1301335318975087	that:0.04214179955677385	in:0.04161749712272057	be:0.040567934343876684	a:0.03765193968205198	<s>:0.03672854232561916	:0.01
be:0.3248387084357595	is:0.15815943667048699	was:0.15030826326435495	are:0.14085566008547637	been:0.06311098067110694	were:0.05288116540339679	and:0.04848189601357823	not:0.03116532260058163	bo:0.020198566855258605	:0.01
of:0.5012834026730114	to:0.1107240714410726	on:0.08469984837598638	in:0.0838429749488274	by:0.06294128783854318	and:0.04951185218932521	from:0.03537758092178351	that:0.03509520061385631	for:0.02652378099759416	:0.01
foreclosed:0.21354426481975966	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823615	followed:0.12340081914410177	surrounded:0.0697778146110107	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817265	:0.01
have:0.35328946251732735	has:0.26744366091419525	had:0.24268234427973348	not:0.03551493986454824	having:0.03354582231468265	bad:0.016242173594263446	ever:0.014998571799669675	never:0.014904747853835004	havo:0.011378276861744826	:0.01
the:0.20743539721876972	and:0.20145546329301345	of:0.11769075297267893	was:0.09660498250630833	an:0.0925505350186969	be:0.09248700466773514	is:0.06399385629135425	to:0.0603247149010709	a:0.057457293130372344	:0.01
the:0.27858690966259986	his:0.198866697867065	a:0.17706040733803458	their:0.08250072519466313	my:0.06635999410274128	your:0.05251251533455066	dis-:0.05049897312455824	and:0.0499842700521425	her:0.03362950732364469	:0.01
of:0.28332039449280694	in:0.14984593265131088	and:0.1284641553905941	to:0.11778656324180989	with:0.09026987808758531	for:0.05978378552307896	from:0.059549877404379066	that:0.053072827662554264	at:0.047906585545880495	:0.01
100:0.144063876705775	two:0.140128632966137	three:0.13310673323327313	five:0.1312794151818618	hundred:0.127647286514645	six:0.12194073420398617	fifty:0.07065691891487756	twenty:0.06494249530439891	ten:0.05623390697504536	:0.01
<s>:0.18621690106044003	and:0.1752160247462042	it.:0.16982006833508198	that:0.16280351129503343	them.:0.10654542852026783	?:0.0632540476486505	but:0.04343775044441371	us.:0.041536418494589784	time.:0.041169849455318555	:0.01
to:0.19140640912499804	of:0.1882159107783918	the:0.17648122206403752	and:0.12546828186835376	in:0.09548946574017496	a:0.07768874022100611	at:0.05413372231186154	that:0.045552334529352256	with:0.03556391336182398	:0.01
the:0.28673269113363326	a:0.24727775574164543	and:0.1394099165823667	most:0.13365727389415044	of:0.07844334940782884	his:0.03294146723518543	are:0.025217428365869023	more:0.02376851273861063	very:0.0225516049007103	:0.01
he:0.3337857417683195	and:0.24394376441210977	He:0.11524572288411433	I:0.11030261195791387	who:0.05832346967870966	she:0.04195802273135784	1:0.03272418547152448	which:0.027413243364689303	ho:0.026303237731261135	:0.01
thence:0.8037242748609735	bears:0.03551269676472498	S.:0.029748845360225224	of:0.02759990763929487	.:0.026234958018660274	and:0.02605904783028112	to:0.016211585541021655	W.:0.013064051599018805	E.:0.011844632385799525	:0.01
at:0.5951027680912986	and:0.09531888135736855	of:0.08334583814632888	No.:0.04769628839662218	about:0.04100174853868967	to:0.0401561267534989	At:0.038396182516713326	from:0.02556802917933731	for:0.02341413702014263	:0.01
<s>:0.2132579718233607	it.:0.20423777968548298	them.:0.16550753445878985	time.:0.08655136882311419	him.:0.08557086719335251	her.:0.06229400741926231	country.:0.05866990112628913	tion.:0.05863332319997976	day.:0.05527724627036856	:0.01
in:0.6081942832187643	In:0.16299188517115262	of:0.08830876341654714	from:0.05605747558979529	for:0.01863429714126885	on:0.017023302438928193	the:0.013521312570323823	at:0.012881011570450403	iu:0.01238766888276947	:0.01
and:0.22457484791693796	the:0.21639535452019124	to:0.1345470860660392	of:0.12749301081947784	in:0.06553649397530097	that:0.06165198815741721	which:0.05973289088305547	a:0.0536871595894554	or:0.04638116807212473	:0.01
and:0.21963536500993427	is:0.12428859660750899	was:0.12428610483884377	be:0.11552781587297621	succeeded:0.10297729583872246	are:0.09786629852003338	made:0.0764328130873854	that:0.06529734902564671	it:0.06368836119894856	:0.01
manner:0.3946119345675231	and:0.18749701924918538	that:0.10855654014299566	way:0.07037996389927752	time:0.05382876808607621	it:0.04775881818150396	all:0.04270273332279963	one:0.04238708288685656	part:0.04227713966378213	:0.01
and:0.26470729023746414	which:0.14900208635144258	have:0.10624560673569224	the:0.10414224301639052	has:0.08939218433906831	of:0.08819082663776785	had:0.08345664495736348	it:0.052982967906128955	It:0.05188014981868178	:0.01
it:0.18853622186923139	he:0.18518470710984383	It:0.13365433665589793	I:0.11611198250759111	which:0.08454378806794766	He:0.0822902503016475	and:0.08147037069069046	that:0.06858610697116999	who:0.04962223582598018	:0.01
and:0.18038224430568867	as:0.13554351411931762	went:0.12372506225790274	him:0.11045890271840679	enough:0.09551301895106995	right:0.09091714081213759	it:0.0872451896230969	them:0.08412354702475645	made:0.08209138018762314	:0.01
a:0.22640118558434463	to:0.15904002102430562	the:0.15507093584233314	of:0.14047962409924733	and:0.12603335001859028	at:0.059106072609805986	with:0.047917007706878054	by:0.038776332906325484	in:0.037175470208169366	:0.01
in:0.7545019339910716	In:0.14886327565011262	the:0.028196734928118382	iu:0.01784203956127898	and:0.010550585865015753	a:0.010381805246058657	of:0.00919523443533868	to:0.005989887465352636	under:0.004478502857652691	:0.01
one:0.20904861871896518	part:0.14646287223281468	that:0.12329779486171277	out:0.1038613392101026	and:0.09953010715096167	day:0.09867420448048551	all:0.08781371664340824	sum:0.06412462317513686	account:0.057186723526412415	:0.01
that:0.3220657728484067	and:0.16316070372675961	which:0.13893279738451686	as:0.11128413838379696	but:0.07021087836888308	if:0.057146852208377584	what:0.05604841128343923	when:0.0373400839045134	If:0.033810361891306734	:0.01
is:0.19233156028604595	be:0.1854202262511825	of:0.14203865239185298	was:0.12496261907610492	and:0.09620578661819473	to:0.0733901455354962	with:0.06381489541656042	in:0.06253345775820213	on:0.04930265666636008	:0.01
of:0.39185805109782784	in:0.34943322468708304	In:0.09005509616248362	to:0.059729633105020156	for:0.027171527244810152	that:0.02532801766039089	from:0.01976801413570236	by:0.01648282253405149	iu:0.01017361337263031	:0.01
way:0.16840362347359344	it:0.14334480018519352	out:0.12472732330080534	them:0.10873133810262715	go:0.10704663047320627	come:0.09021562203593109	went:0.08461078752074491	enter:0.08440897988114932	came:0.07851089502674906	:0.01
it:0.21448047974703327	he:0.17744594656391446	I:0.14393291582725282	It:0.12416549278569143	which:0.108810769350585	and:0.0735062873102343	He:0.05642652208899168	who:0.051197891115005396	she:0.04003369521129167	:0.01
the:0.72143492443855	tho:0.05462179733986071	The:0.053827306409896775	a:0.040171300169488985	great:0.03025505560899814	tbe:0.025675051498162307	and:0.022957641703975264	of:0.020668804337223765	other:0.020388118493844008	:0.01
disposed:0.559855698504271	complained:0.09591651152111615	spoken:0.0687946642882587	dreamed:0.06220834567052166	there­:0.04855167821392963	dispose:0.04210185305642385	care:0.039826668718264346	despaired:0.036942970711435645	amount:0.03580160931577913	:0.01
the:0.3113718678174497	and:0.1487971065095963	a:0.12636825118477776	of:0.11772294264400483	to:0.0909857952238961	be:0.05475784665814797	by:0.048207157454666	his:0.04793206203579919	was:0.04385697047166224	:0.01
to:0.538628987640393	will:0.14256267857609017	would:0.08550798201528458	and:0.07119526728706543	not:0.04095406837879565	could:0.031772277708726836	can:0.030166185735233882	shall:0.026576711307715863	should:0.022635841350694484	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
be:0.2164755482700973	was:0.1996461304466945	and:0.13163535111398503	been:0.10225026144830582	is:0.08644851108170282	he:0.08189653962275044	were:0.06269863780368987	have:0.06066356133133753	had:0.048285458881436615	:0.01
of:0.2748977404920769	and:0.25271345426082886	but:0.09899002016181306	know:0.09441812747199292	that:0.0610455388137525	But:0.05636036823448344	to:0.05564221765098659	for:0.0497347525335465	knew:0.046197780380519284	:0.01
and:0.2096297155861575	was:0.15201401237831563	be:0.13720913671539012	is:0.13077951450866274	are:0.10360936316411633	that:0.07186814696636759	were:0.06422451240194267	been:0.0613507889192028	now:0.05931480935984459	:0.01
of:0.2030402685464755	the:0.17143741687853498	their:0.14566810492156798	his:0.09396511910227315	these:0.08643001797516862	other:0.08028863031723452	our:0.07386907268549832	in:0.07383813414534839	its:0.06146323542789857	:0.01
the:0.4271659159903059	and:0.14575078561103874	of:0.1299962743118682	The:0.05458038770480233	an:0.05125484146998824	their:0.05075436657432733	to:0.04785435511067152	a:0.04206862221339412	tho:0.04057445101360365	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.24718438963450065	of:0.16171568530576444	and:0.14016427190533337	a:0.11481245723618375	to:0.11160029207516511	be:0.06906585784808314	was:0.06059303032420842	in:0.04530924826809532	for:0.039554767402665704	:0.01
to:0.35332614100531534	will:0.18260431420428616	we:0.1015498758239131	would:0.0822071511357657	I:0.07679703256623917	you:0.05557831745560156	can:0.050568150802966	could:0.04833885689124589	not:0.039030160114667235	:0.01
I:0.2691712810603859	he:0.2197518513601855	they:0.12146558166574387	and:0.08583381933994051	it:0.0802947716413206	she:0.05654875913123117	He:0.05401599789742009	we:0.05234536291281931	who:0.050572574990953176	:0.01
and:0.2733978621996077	together:0.22903762732876506	it:0.08404532895497098	covered:0.07719059789199784	them:0.07333678899428771	connection:0.06531146493366093	filled:0.06436071261403303	him:0.062556963748687	up:0.06076265333398969	:0.01
United:0.6376782180035618	the:0.20574752910539731	The:0.032618963678783724	Southern:0.022461514452285117	Uuited:0.019840513976007064	of:0.01965353435288619	that:0.018435661510239888	a:0.016950938940541397	this:0.016613125980297367	:0.01
the:0.2677827637997983	a:0.21858158336585554	of:0.17118133321755158	and:0.08686989143754052	an:0.06568446405075676	to:0.05873158245627699	in:0.04467972239308402	The:0.039836582139345725	that:0.036652077139790566	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.6655745366478218	and:0.0683403186606659	The:0.059175529678307526	par:0.04168329020042433	tho:0.03551213702723112	of:0.03435336754435223	a:0.03081219601565352	in:0.03026901352296973	assessed:0.024279610702573808	:0.01
of:0.29740268935887576	and:0.1663657053004689	in:0.1127540212283175	with:0.11204156781610138	for:0.09687618890008709	to:0.092036384950429	that:0.053430293075151965	by:0.03190687778226558	or:0.027186271588302786	:0.01
the:0.5713101817248468	and:0.11151106927388478	in:0.09193011415738689	of:0.0698430835460518	a:0.03975150165584631	tho:0.031169247060218154	heartfelt:0.026316665001321203	The:0.025524665531802798	In:0.022643472048641245	:0.01
the:0.3702384832558887	of:0.27309078151125066	a:0.09578085072881837	The:0.05552104471290675	their:0.05030178461826141	other:0.039130884138662135	to:0.03614308820919748	this:0.03582627148701831	our:0.0339668113379962	:0.01
the:0.5540004817012505	The:0.15674321441432013	a:0.08743845194172145	and:0.04718570301680957	his:0.04210766441164996	of:0.040721915112057736	tho:0.02429236134628422	A:0.02127650027098376	or:0.016233707784922752	:0.01
of:0.322934988914845	and:0.12778582845030906	in:0.11151061605950155	to:0.10176742738315415	with:0.08970104502138539	on:0.07806402218664837	that:0.07053212661541716	for:0.04612527453447378	by:0.0415786708342655	:0.01
they:0.2670110823583734	we:0.13649372939231205	there:0.1108235793439145	who:0.09714605234612242	There:0.08265462551435528	They:0.08102181706221699	you:0.07732429945856084	and:0.07085577204048497	which:0.06666904248365951	:0.01
and:0.2623005843246648	made:0.207374873022581	owned:0.10868132796136139	provided:0.08235918593036647	or:0.06888791640175673	that:0.0687998933424621	occupied:0.0673098829886033	ed:0.06525866121515464	paid:0.05902767481304946	:0.01
;:0.22890042519697384	nothing:0.19987953419703974	is:0.11355613306930658	it,:0.102435924819416	and:0.08900466101589066	them,:0.07182768128926055	anything:0.06469955771114791	him,:0.06148649892755423	time,:0.05820958377341062	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.29972195682539465	of:0.1860315204023243	and:0.12877635076785074	a:0.0997926702871424	to:0.09520497871756131	was:0.05071019019452514	be:0.04947373454735675	in:0.04018803430108381	is:0.040100563956760926	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.27896776847231236	him:0.165339413698242	was:0.11226980831190811	man:0.096438896839694	it:0.09281578859421534	up:0.06562583647316447	that:0.0651909040662511	found:0.05717470234619706	made:0.05617688119801571	:0.01
of:0.46246541285618675	to:0.12030547607155434	that:0.08527434278229874	in:0.07737437318767297	and:0.07542662295100866	for:0.060619516983373284	by:0.05025692065812196	on:0.029173809239402354	with:0.02910352527038094	:0.01
a:0.41406655965818845	the:0.37282870558613884	A:0.056400518530269415	and:0.036513881347260094	The:0.031140196114363108	very:0.023343161070287506	was:0.021892488223651675	is:0.017380371574478286	his:0.016434117895362636	:0.01
the:0.6715274962257596	a:0.12779504032397906	The:0.08207117669099259	tho:0.038606235569862306	this:0.020404582666042222	tbe:0.014859075934122322	and:0.012467435261503249	no:0.012251311472065292	any:0.010017645855673392	:0.01
and:0.4092097300312331	as:0.19147636814884333	that:0.18852162043786896	but:0.05245368349933592	or,:0.04200952661830049	which:0.03235741640119714	or:0.025688075336538073	which,:0.024615170367889343	time:0.023668409158793684	:0.01
<s>:0.3199149971682069	of:0.11637871648382837	as:0.09982153519679446	it.:0.0956726977340176	and:0.07971059753637491	firm;:0.0769908779049415	them.:0.07366385419575351	.:0.06571664141701399	at:0.06213008236306877	:0.01
of:0.2398708670291844	the:0.22743525417047472	and:0.13139002385520804	to:0.10376973167625372	a:0.08712962001455624	at:0.06768600089169872	his:0.04664315861358613	in:0.04554117936171022	is:0.04053416438732785	:0.01
is:0.25134760333894124	be:0.23791270420721852	was:0.13072988175863942	it:0.12043355044815492	not:0.060253951786091525	and:0.05314579312899939	as:0.04603744503719635	the:0.04556889857636193	are:0.04457017171839678	:0.01
the:0.37939445577508824	of:0.18595189652253977	and:0.10524554781442891	a:0.09287324623490656	The:0.06825801950894868	this:0.04641713761426903	that:0.04499909660288021	<s>:0.033781932669015906	or:0.0330786672579228	:0.01
that:0.35293185256899967	which:0.12489922641677852	if:0.09882764445054558	as:0.09153220831481992	and:0.0870562662839039	when:0.07289888995907191	where:0.06153747893122891	but:0.05206554947727277	whom:0.048250883597378856	:0.01
and:0.16051538492039444	able:0.12584552037456037	order:0.12023274904774982	him:0.10411986755347347	is:0.10230358199714916	was:0.09725639894996213	time:0.09647037435760988	had:0.09226467812513447	as:0.09099144467396625	:0.01
the:0.294346689544814	a:0.17593266926687154	to:0.14777025779342812	of:0.14299473948285807	and:0.0771201558466389	for:0.04995739679285973	with:0.044506861481694804	by:0.031539934576882714	The:0.02583129521395203	:0.01
matters:0.23912651852472522	and:0.17588169193013173	are:0.16292292332756173	is:0.10797196338564223	was:0.08186770884991587	not:0.06614734691561423	were:0.0535889596136375	be:0.05301278391714989	now:0.049480103535621565	:0.01
and:0.38083818567280553	so:0.1507952882463327	as:0.09658456591074474	to:0.06892398024625176	but:0.06307569774529674	fact:0.062221444861071354	say:0.05699427922650776	is:0.056203237116740544	said:0.05436332097424873	:0.01
the:0.31130843731237823	of:0.1584857711392948	to:0.14412165081006315	and:0.13716019892257106	in:0.060555721576201066	that:0.051262821204911366	as:0.043902780853996286	on:0.04369654593973089	by:0.03950607224085328	:0.01
the:0.42323808812471103	a:0.19847882668538358	and:0.1007142186700256	of:0.09419537034369495	to:0.05609841856950876	in:0.03959705011323816	tho:0.026894887415964998	The:0.025544282537271597	his:0.02523885754020141	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
and:0.28875042293688763	that:0.18379961672113257	time:0.12018083560604678	made:0.10260676101770422	them:0.06941977777485565	him:0.06107712576849914	but:0.05685206022851167	or:0.05497076677934715	up:0.05234263316701533	:0.01
and:0.21909254675538056	is:0.16773308466476258	was:0.1303344609368876	be:0.09805989655250714	with:0.08394225341485873	are:0.08021508610491107	of:0.07097476443756195	as:0.07091865798084734	by:0.06872924915228286	:0.01
to:0.2358683672083968	the:0.18029556303261735	in:0.12624429193476935	and:0.11085500049249983	of:0.08503784917953319	an:0.07068754654932145	a:0.06871978801367151	by:0.06468027908318036	or:0.047611314506010145	:0.01
and:0.42186447535950783	that:0.14687156068958368	but:0.1444960842705073	time:0.0777533572878275	But:0.05865722638700542	And:0.04174637107118044	me:0.03839422703509098	ago,:0.03195447904189178	even:0.028262218857405125	:0.01
the:0.22142870990173064	and:0.20300529807666312	to:0.1829640977385674	of:0.12629440444427803	a:0.07875521691246076	in:0.0622738232913598	will:0.04028478334619261	I:0.03989775363140543	he:0.03509591265734224	:0.01
the:0.25470561870247754	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862254	in:0.07582920922781207	was:0.07101916294765154	a:0.06560002811236118	be:0.05991783825325076	is:0.04301373266798011	:0.01
his:0.17408067613094275	the:0.16751239181659397	of:0.16362694720735788	this:0.10165332840660606	other:0.10129796244736974	their:0.08027050809284109	her:0.07544881130554795	public:0.06548877700505977	or:0.0606205975876808	:0.01
and:0.3656792069525932	annum,:0.338580631074157	on:0.09415476019782644	of:0.06601320986490054	day:0.03431981921189227	or:0.025519481630818595	that:0.02292773508938672	sale,:0.02164397037930648	2:0.0211611855991188	:0.01
J:0.21374770884199165	W:0.1550608003822948	A:0.10748171393398133	C:0.10694299724830016	M:0.09586906782410008	S:0.09485933607923121	E:0.0840839371302255	F:0.06733043721804571	H:0.06462400134182948	:0.01
of:0.1545606576998135	is:0.13631145671193307	as:0.12606886448344481	in:0.12490711055559521	with:0.10690070493008605	and:0.09226958567863361	for:0.0893060710117813	to:0.0842706505689507	was:0.07540489835976176	:0.01
came:0.15234424095483431	went:0.14291947485964518	sat:0.12714250097616503	go:0.11742466597119794	come:0.10828345534343174	laid:0.10645733178831063	sit:0.09451823605902433	it:0.07169250575113507	broken:0.06921758829625571	:0.01
of:0.32681990134907984	for:0.15058482413192847	to:0.1495757716262398	at:0.13952666263403105	and:0.06765463678990938	in:0.05847850823459522	that:0.03510042901025681	from:0.03166626873272177	during:0.030592997491237787	:0.01
the:0.2348936864380875	of:0.17141990857045894	and:0.15092221108899265	a:0.10125325371681407	to:0.08978991230211596	be:0.07036792028887345	in:0.0685027598781156	was:0.06545509613683566	is:0.037395251579706204	:0.01
they:0.299954136663756	there:0.12336587267808473	and:0.11314861125863297	who:0.10672175143008082	we:0.08393458953724554	which:0.08312392011761544	They:0.06637683112029098	There:0.057531833544174966	that:0.05584245365011847	:0.01
it:0.28317097636256594	It:0.1933445733650809	which:0.11975718942031284	he:0.08582788806916335	and:0.08528961719502678	that:0.0777183143097221	there:0.06238640793109829	who:0.045422113965186965	what:0.03708291938184284	:0.01
the:0.2529199342654884	of:0.22614730499998043	in:0.21525723520323806	to:0.07644665803712172	In:0.054633659433317494	from:0.051691489256650854	and:0.03925713263725379	The:0.03842110928588035	for:0.03522547688106888	:0.01
of:0.30452420256144797	and:0.1693255846070002	in:0.14487223939668253	to:0.09775877181929198	with:0.09209846160630596	on:0.05732607119167453	that:0.05575225741653388	from:0.03547570039137543	by:0.0328667110096874	:0.01
of:0.19931136019033205	and:0.1967125499421432	the:0.17031631503756198	as:0.12773944473391255	a:0.11675913756336502	such:0.04856302589531078	his:0.044979216819200904	to:0.04360345916215591	their:0.04201549065601755	:0.01
to:0.5496256348676304	and:0.13565784386783464	not:0.07917743566429358	that:0.05469870683464673	shall:0.04331718405011133	which:0.03932305663044164	may:0.03202557463320756	of:0.03160749636595259	the:0.02456706708588155	:0.01
the:0.5635562815904418	of:0.15660270291337633	in:0.12434898804315818	and:0.04460618941249583	for:0.02570329718380997	to:0.024947829704199717	In:0.019603020885233337	tho:0.015813610596924366	our:0.014818079670360541	:0.01
of:0.32163800075968846	the:0.25593255718310964	and:0.14057698375360875	to:0.10006824264726458	in:0.037403833821230775	by:0.03569214162221732	said:0.03378358920713951	Mrs.:0.032964836602710025	with:0.03193981440303086	:0.01
the:0.3592545714135833	a:0.25480806913806603	and:0.09777748626170073	of:0.06928795018363539	The:0.0640489037403129	other:0.0496066905298113	his:0.044087264086753467	all:0.029016888661431192	this:0.022112175984705697	:0.01
be:0.5197058394674862	is:0.10949301748332503	was:0.08036561674281845	been:0.0698105003562374	are:0.052503997921728746	not:0.047303203894761704	and:0.0439618334301008	being:0.03604149722941124	as:0.030814493474130306	:0.01
and:0.33737111068372644	was:0.11478670231469487	look:0.08569431518814412	is:0.08425894295344578	that:0.07897589257318872	one:0.07445401422062217	be:0.07390793547584686	it:0.07377037861877846	sold:0.06678070797155262	:0.01
to:0.7252843037471381	and:0.052741656159381874	will:0.05003310372073461	can:0.03156442872904828	not:0.03004711356452811	would:0.027634844452401948	who:0.027202322994401798	could:0.02391203010795726	we:0.02158019652440792	:0.01
the:0.24880485054285442	of:0.21344591030659185	and:0.18538112203289628	to:0.15723889841421682	be:0.04542273319964122	as:0.03850779345617628	a:0.03609033543092163	is:0.03305046160922207	in:0.03205789500747933	:0.01
in:0.37361168756100743	of:0.21062341605422835	In:0.10142665045917174	for:0.08596121571490653	by:0.05797719706472546	and:0.050423488581681435	that:0.045345382190219885	to:0.03762416839440874	with:0.02700679397965037	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
was:0.2509547770813024	be:0.21598802821657176	is:0.1361200803665062	been:0.0749623724006684	have:0.0682775793590195	were:0.06743451761707484	and:0.06402974266518867	had:0.05674389125053705	well:0.055489011043131205	:0.01
the:0.5171393518077413	of:0.11319323217450356	and:0.09697800028416714	a:0.09141936830270062	The:0.05950033952116967	tho:0.03674934710588279	to:0.02916748364915862	his:0.025089819231172417	their:0.02076305792350401	:0.01
it:0.18996776648825836	which:0.16693146919859034	It:0.1638838509302785	that:0.1088783226660808	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125938	and:0.047844242933137104	There:0.041206982916631135	:0.01
of:0.3432428535018444	the:0.24340555435959021	a:0.11843028630724828	for:0.0590212838018452	to:0.0547836966617619	with:0.05043377975583402	in:0.04852110809669528	and:0.040858859838755215	his:0.031302577676425344	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.3163871074264731	fact:0.1539513858060459	of:0.09754957599361129	said:0.08580850494405626	say:0.07757603982654465	so:0.07384064359211881	in:0.06649015964797964	one:0.06067149640439215	believe:0.05772508635877829	:0.01
of:0.27900820130530235	On:0.1254754456196071	and:0.12520878562005253	in:0.1154697408723901	before:0.08113622305838492	after:0.07377240446111016	by:0.07228750688620023	for:0.06751687140147085	on:0.05012482077548167	:0.01
of:0.3198656737014542	the:0.1744356533977283	for:0.17366182279627443	in:0.1528839332593421	and:0.04968318025060294	In:0.03436446865098388	their:0.029369888350515093	from:0.02900185372378673	a:0.02673352586931229	:0.01
of:0.21338832523674772	in:0.14017901232241858	and:0.12939343303774875	with:0.10408959886573863	is:0.10292083424447168	was:0.08224908889474121	by:0.07954907839589143	for:0.07804424202008158	to:0.060186386982160285	:0.01
he:0.2901550992979688	I:0.15078974992825056	who:0.11685934994103833	they:0.0890319543302928	have:0.08694381116024259	and:0.08289741538458019	she:0.06886613470955272	He:0.05811818233026716	we:0.046338302917806995	:0.01
more:0.5390978077284503	less:0.16643947697311662	better:0.06126565383800663	greater:0.059956605814590565	rather:0.05512059456706117	other:0.03601165118842752	worse:0.027190766945742805	larger:0.023551199708869472	More:0.021366243235734918	:0.01
that:0.23583089712700428	and:0.22317996617862337	as:0.11917327967698281	but:0.11414815851009677	which:0.09187137277173733	when:0.06428270106528002	if:0.05644520129398707	what:0.05051753569939474	the:0.034550887676893655	:0.01
and:0.277625171547934	of:0.18781914946669945	the:0.1278661204604251	to:0.11206352248110188	all:0.0842803602684245	their:0.06653139199700767	for:0.058608128345437986	in:0.04194047972046145	his:0.033265675712508075	:0.01
of:0.3308442922213524	to:0.1432471988342217	in:0.131701708736979	with:0.09441568321518254	on:0.06848424163509252	and:0.061113441995290306	for:0.05843564615357509	by:0.05382836431950813	from:0.047929422888798305	:0.01
of:0.3621805371392406	with:0.11754555789368258	by:0.11338174161157724	in:0.10691856150049663	and:0.0774273476316259	for:0.06317251298279584	is:0.051391294360538464	as:0.049161435885667695	to:0.04882101099437504	:0.01
time:0.5512735629235351	and:0.10802162705403819	as:0.09734626873724443	him:0.050622571677268	is:0.0420631294233941	them:0.040023548870586165	required:0.03837644295804295	subject:0.03164859984702799	order:0.03062424850886309	:0.01
the:0.46941974766499195	Wall:0.1713347419539666	Main:0.07858446019606875	said:0.05031981694937331	a:0.04957350498908335	Sixth:0.04612653138486344	Third:0.043364646154160774	Seventh:0.04157805062505087	Fifth:0.03969850008244102	:0.01
that:0.4191864264306642	which:0.12306459701814328	if:0.10584152411724204	as:0.0800588901554097	when:0.0655064430572058	and:0.062325436114272305	where:0.05382186608530334	what:0.04122796967848988	whom:0.03896684734326954	:0.01
he:0.23461108174321355	and:0.15870717109678972	it:0.12278480252439182	who:0.103050909074278	He:0.10127958859555754	It:0.0972595841851471	which:0.07771123774839825	that:0.05608256503793535	she:0.03851305999428872	:0.01
the:0.73554222513735	and:0.06958842082858843	of:0.038182090805135044	a:0.036994496508918694	The:0.03656760580717858	tho:0.03157869808190537	in:0.022968636816114323	tbe:0.009927155463868022	by:0.008650670550941639	:0.01
of:0.32369331900924836	in:0.2594202813461328	with:0.08893615373626569	and:0.06797807115015336	In:0.06100746929644975	to:0.05742318715195844	that:0.04788822340226963	for:0.04779242563556097	by:0.03586086927196102	:0.01
be:0.26387167428328573	and:0.1699676590760932	was:0.15705068316769408	been:0.12925917688855912	is:0.08331525872264757	are:0.07107528607978235	were:0.06495201000192545	being:0.02590274268966013	so:0.024605509090352463	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
in:0.4012325547276402	the:0.19555487390010848	In:0.10784192508028345	a:0.09698861188200332	take:0.08225988669629536	took:0.03851085684635368	and:0.023770822769100815	or:0.022475270875718448	have:0.021365197222496152	:0.01
the:0.28497649448846474	and:0.1514823575156436	to:0.13099486172294514	a:0.11430273190651027	of:0.10696486710509166	be:0.0649188191707342	his:0.04813099987403198	was:0.045973956544127566	The:0.042254911672450726	:0.01
the:0.3191431355235267	of:0.2088655117699321	and:0.13239517931655864	to:0.07255198328251043	a:0.062042879009096934	in:0.05931731948089293	be:0.04901508292187789	for:0.044905971676086294	his:0.04176293701951812	:0.01
a:0.609073609168848	the:0.13067752963213675	most:0.07347459228394682	very:0.05394913615448533	this:0.03073564649620345	an:0.028660429803702963	any:0.02394625195717402	and:0.02043390825660538	of:0.01904889624689725	:0.01
to:0.2390756930418224	I:0.19853308253032115	we:0.10298539026985137	would:0.09540654190149654	they:0.08616212267648574	and:0.08061745136916319	who:0.0684301468467904	will:0.06080232501476738	you:0.05798724634930188	:0.01
the:0.17657896557486932	a:0.1512678246782647	Yours:0.13680421338313473	and:0.11862100791547285	was:0.10080186548532402	are:0.09029345382557488	be:0.07858282874417273	or:0.07725393194362201	were:0.05979590844956473	:0.01
of:0.25865380795491943	in:0.21644905402115652	and:0.12986868380747027	to:0.11290629479878728	at:0.07586949217175101	on:0.06648470486853053	with:0.05012726698912497	from:0.04082048001943037	all:0.038820215368829625	:0.01
the:0.3143380974179735	of:0.14990021601049686	and:0.12727414109744606	a:0.11523260788578005	to:0.0793934586040206	an:0.07857857145180387	as:0.04657590695260904	in:0.043487134819789566	that:0.03521986576008032	:0.01
the:0.23117510840391162	his:0.16579449262587262	a:0.14910812760208159	and:0.1291162863317303	is:0.0930087408850207	was:0.061841536434819225	their:0.05706468407649782	are:0.05165066894279615	her:0.05124035469726994	:0.01
has:0.37433389453029464	have:0.29883904470527434	had:0.17915358407081408	having:0.04957593246490323	not:0.03410198844002326	bad:0.015879994120149832	ever:0.0139453858114025	lias:0.013662693107265091	already:0.010507482749872907	:0.01
the:0.20515046497644626	and:0.18311805691712713	of:0.16790220635322614	a:0.14923836474832336	to:0.08556017490925509	be:0.056011554339627075	was:0.05329936768331103	for:0.04600249169095576	is:0.04371731838172818	:0.01
those:0.2608226100313847	men:0.16759680843603608	man:0.15495063583705182	and:0.14146373870024206	one:0.08382751928427092	person:0.05112602282308641	people:0.04918140974682689	all:0.04283535688125879	persons:0.03819589825984229	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
of:0.2168826383053249	the:0.17955555888640853	a:0.1442482356934104	in:0.1273009449883706	to:0.08982552215220425	at:0.0866227110444241	and:0.05930505070819775	by:0.04715913963729646	with:0.03910019858436298	:0.01
the:0.4504018210407867	an:0.15372148964520188	his:0.08302705732835121	of:0.06102217748714329	their:0.05327748083025813	The:0.05129987746891338	her:0.05008692767246594	my:0.04452817489974974	years:0.042634993627129754	:0.01
of:0.20509868068331527	the:0.18992360083848198	and:0.1627077320911976	to:0.11166884988859471	be:0.0979632635341338	in:0.06540848799261574	or:0.058966420912407294	for:0.05013839373631626	re-:0.048124570322937356	:0.01
the:0.7361631457422443	The:0.05799219469870477	of:0.04138105029131907	and:0.0384979657117792	tho:0.037452949641893045	a:0.03114956356499656	all:0.021158939729790507	tbe:0.0161419511387991	other:0.010062239480473386	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.24273593368698743	of:0.19482458867717511	to:0.15386363801051614	and:0.13977018841803462	be:0.07188836850300179	in:0.06984476594174335	or:0.04024831417544013	was:0.0393807699116105	is:0.03744343267549099	:0.01
the:0.3103279440235315	of:0.17413654868527798	and:0.16924373084989433	to:0.09410335785526062	a:0.08334285316950657	in:0.05267958019374887	be:0.03777522488732701	his:0.03486601099791866	or:0.033524749337534535	:0.01
the:0.3566693822048231	of:0.16303948288746212	and:0.11477660164404037	in:0.10481566788139848	a:0.07707405795552219	to:0.05255782035453777	or:0.04398686541065915	on:0.039659885418826785	at:0.037420236242729915	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
her.:0.3091093689067114	it.:0.15552767498207878	<s>:0.14756829023208948	him.:0.1121068144255083	them.:0.0936624564018833	life.:0.05146588386982017	home.:0.04543901667956092	time.:0.04218471670216755	day.:0.032935777800180054	:0.01
of:0.32173826721989673	to:0.1479896288285387	and:0.10939955116491937	that:0.10927047529778428	in:0.08902504162262907	by:0.06803390371616679	on:0.058293093179828684	with:0.04751187320050485	from:0.03873816576973138	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
with-:0.272181347832551	get:0.13025528720920995	find:0.10554383663475081	carry:0.09775293249257577	make:0.09228168210088918	and:0.0882254017169912	put:0.07042608910699526	made:0.06714971485796434	sent:0.06618370804807251	:0.01
the:0.5482789942437323	of:0.15237327488560318	a:0.06402301232615328	The:0.06033970001073262	said:0.043221166823008826	and:0.03350569235082248	tho:0.03293211439480944	for:0.031196010345347084	our:0.024130034619790762	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
it:0.28317097636256594	It:0.1933445733650809	which:0.11975718942031284	he:0.08582788806916335	and:0.08528961719502678	that:0.0777183143097221	there:0.06238640793109829	who:0.045422113965186965	what:0.03708291938184284	:0.01
number:0.33119266009196036	out:0.1450583223753826	sort:0.08835341596855184	means:0.08087397065582205	kind:0.07583157919623841	line:0.0724348068405292	point:0.07026531760052883	one:0.06537083252682432	amount:0.060619094744162536	:0.01
for:0.371312074082626	of:0.16287595502647725	in:0.1174664564904993	within:0.06774552163253068	and:0.06600257748491731	as:0.05529540992517077	about:0.05153906355297396	cents:0.04995309819582703	twice:0.047809843608977554	:0.01
and:0.19560656535339777	be:0.17133940938422942	was:0.1319230735627309	is:0.12199458203857334	of:0.09077768836941887	been:0.07428575269711138	to:0.07012212492506753	in:0.06741011338802542	are:0.06654069028144535	:0.01
is:0.18835650413168356	was:0.15881298118909476	for:0.12423344961056736	of:0.11781883486446748	with:0.10665088023559109	to:0.09122177662758026	and:0.0807152646059369	in:0.069997172442306	be:0.0521931362927727	:0.01
the:0.16748130869863903	of:0.14370859093490324	and:0.1303973792848225	in:0.12616173228379948	is:0.09319375971176812	was:0.08748690327259731	a:0.08591561092950101	with:0.0804821190317689	on:0.07517259585220035	:0.01
and:0.20441155362062136	of:0.16327144141342842	as:0.12887591249990382	that:0.0935506823628407	to:0.08961813963778743	with:0.08827920084503958	for:0.08365585488562442	but:0.07491240817982037	make:0.06342480655493389	:0.01
and:0.475551400411068	or:0.1332912651714536	in:0.07220401849965001	to:0.05847592688208489	but:0.05603154724694645	of:0.05268071865880019	that:0.050779080881751266	it:0.045532819791249485	for:0.04545322245699597	:0.01
to:0.7424309053834335	will:0.06433855431415413	not:0.0299755541949492	I:0.027779342124317565	can:0.027184836164081936	they:0.026520054778489687	and:0.02470106528030522	we:0.023642465646641648	could:0.023427222113627015	:0.01
is:0.13961047509264635	him:0.13037180489297356	order:0.12220674057461202	and:0.11114301499645178	able:0.1072014567489744	proceed:0.10140351239819761	enough:0.09563425838137837	was:0.0941065722395486	had:0.08832216467521728	:0.01
the:0.35675071897882316	and:0.19278255127096489	of:0.1031460881128488	that:0.07304011043992242	to:0.0719417078852716	a:0.06527319730404231	in:0.045623007772752924	The:0.04227364033228468	at:0.03916897790308936	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
well:0.24596105511646743	is:0.1257628811209536	and:0.1220782713070074	just:0.11062849610322106	such:0.08954628620238046	far:0.0786860671890495	soon:0.0764168005471068	was:0.0742090205446496	it:0.06671112186916417	:0.01
he:0.19961850484448163	I:0.18461083498907813	and:0.14385713524693802	it:0.1000010174664388	who:0.09255692304093663	they:0.0704975124907663	which:0.07023863063329067	as:0.066718987619098	that:0.061900453668971914	:0.01
of:0.4310191800625543	to:0.12223277825657103	in:0.11374958403800685	that:0.06858350960156216	and:0.06317736433227585	all:0.05296173594226289	by:0.049378640965530574	on:0.047923240294781656	from:0.040973966506454816	:0.01
the:0.6975129525768478	The:0.08371027618490892	and:0.04082140579571156	very:0.0372617404539325	his:0.035571239043840984	tho:0.030484436098625653	their:0.02616743823122572	our:0.020607955612180536	its:0.017862556002726415	:0.01
and:0.2709897936836547	that:0.2235346088671051	is:0.08592413409466279	was:0.07482307582425114	not:0.07240732864606327	to:0.07072523473466047	but:0.06685619979429058	or:0.0641302817462085	have:0.06060934260910341	:0.01
and:0.2810233829143592	that:0.132718643848517	was:0.11000696083823394	it:0.0990301743252236	are:0.08858841897039184	is:0.08766776455248651	them:0.06718337704598894	be:0.06532084920635779	made:0.05846042829844121	:0.01
he:0.2750081300089085	I:0.19680474092342953	they:0.10665366405826288	and:0.09923476877334984	He:0.0906160984145562	it:0.07288134595498329	she:0.060407366236748056	who:0.045198930247332125	we:0.043194955382429505	:0.01
will:0.18053709674885213	and:0.15731252874589186	I:0.13324540275784982	not:0.11483322795449366	a:0.11160977597128101	shall:0.10322014819551625	was:0.07194820274288416	the:0.05986054067275946	have:0.05743307621047168	:0.01
has:0.1830679735834706	and:0.16086978388302403	the:0.13524156428679246	had:0.12906554576914583	have:0.11571983207407682	of:0.0896498992428868	which:0.06074139375445634	to:0.05816922217283804	it:0.057474785233309046	:0.01
the:0.2515396268346774	our:0.15410637872112096	and:0.13641532720634153	of:0.13063140104476215	many:0.10571085093298532	their:0.06258032237145025	his:0.05547565761250336	in:0.04833311655112383	fellow:0.04520731872503526	:0.01
of:0.5752343176843888	in:0.14728314967164774	to:0.07586931738189924	by:0.06094295978398383	In:0.03187140209691087	from:0.02685828138852238	that:0.02651800685039899	for:0.023111756606175194	and:0.022310808536072903	:0.01
the:0.19966594348907915	and:0.17922247150045179	of:0.15563650816883337	it:0.09240841064240218	that:0.08600859434364928	will:0.07223203728714628	to:0.0701500041630769	a:0.0694699337325797	as:0.06520609667278127	:0.01
the:0.32391823409697307	of:0.20816744598255188	and:0.1261505518606988	to:0.08434035240390786	a:0.08289318487074161	Mr.:0.04868658092829398	his:0.03885451634293692	be:0.038573821753188874	was:0.03841531176070694	:0.01
and:0.2658116233439102	him:0.18500142472853442	asked:0.1314061157323591	but:0.08895215971809696	was:0.0682731833692279	it:0.06813400962581917	them:0.06649174331410762	her:0.06270982833712549	time:0.05321991183081934	:0.01
<s>:0.4253032818342169	it.:0.1385612795807505	them.:0.09617830531634076	time.:0.07343055816468042	country.:0.06095406412487678	him.:0.05598272834642986	year.:0.049601616175826264	life.:0.0455622520457078	people.:0.044425914411170574	:0.01
and:0.2180561148398971	as:0.17409745600452653	went:0.11626842717012968	go:0.10256152963951991	them:0.09432636751927162	according:0.08131607233326706	way:0.07221603051277338	up:0.0685612600169263	is:0.06259674196368842	:0.01
thence:0.2961955178884002	of:0.16645946365311906	U.:0.10882505863889971	.:0.10006560574878848	and:0.08829132349842365	S.:0.07613625458360924	to:0.061839908687873736	by:0.04842782537204865	W.:0.043759041928837325	:0.01
the:0.47826754742778926	a:0.10215921704011459	of:0.084990873050831	in:0.08094829230791799	his:0.059397866814626485	their:0.05505009213008471	no:0.049382842683683384	for:0.04000980620293392	to:0.039793462342018644	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
the:0.3350136116936521	and:0.15819251490492975	his:0.13437027333842153	a:0.12953258044746796	their:0.05589305531428495	that:0.04974980396844774	her:0.04744347367207711	to:0.04471717001594944	little:0.03508751664476936	:0.01
in:0.4388570949313955	a:0.10296304498679633	of:0.09554567650003258	In:0.08333422803431187	their:0.06818805719500107	the:0.06251137138700881	his:0.06196767108525232	and:0.042730423067101696	its:0.033902432813099626	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
be:0.37914801084470806	not:0.1421778574449008	have:0.11916584833772098	been:0.08348284214395112	was:0.06307445863884427	had:0.04974939306875577	ever:0.04212219181994742	has:0.04138010425500543	is:0.03512813813894514	never:0.034571155307220915	:0.01
of:0.322693140242567	to:0.13257442499521735	or:0.10699180978195823	in:0.0964435226576277	for:0.07953147196107471	than:0.07633593719377346	by:0.06900454737536652	without:0.054092466452098864	that:0.05233267934031627	:0.01
in:0.13008122878034173	due:0.12721084745224104	it:0.1264828533462602	time:0.12352230135309282	men:0.11186112742929316	long:0.0959125467300551	up:0.09426724381601989	good:0.09153233695835147	him:0.0891295141343445	:0.01
out:0.23438650457600088	right:0.1313565577203231	number:0.131019688330924	one:0.10693497607572157	matter:0.10451540519145137	amount:0.10109657635697118	state:0.07018393436633259	means:0.05602636754880106	line:0.05447998983347408	:0.01
the:0.3293173997662301	a:0.16316338506057348	of:0.11416669057295471	and:0.1057422647344896	with:0.07965155865343258	very:0.062144472807272366	The:0.05067029591718043	to:0.044125602936351545	as:0.041018329551515194	:0.01
and:0.24413116292889298	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709101	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
to:0.3956354618631721	will:0.16146624466861564	may:0.09766781455282764	not:0.06899102717634081	should:0.06775680617826414	would:0.06540116062205262	shall:0.04611510538854873	can:0.044570379055215346	must:0.04239600049496306	:0.01
and:0.3050027792946569	the:0.23173351586938337	of:0.17918503925293686	a:0.08423530555154626	to:0.05838477674786226	with:0.039796964929450916	for:0.03380600287438203	or:0.030539797192985125	at:0.027315818286796172	:0.01
the:0.2934620670631732	of:0.2141593332667423	and:0.15945002087278187	to:0.06780370218056998	that:0.06419988100345989	The:0.06058387775262816	in:0.0583461619364558	which:0.03917179644278349	or:0.03282315948140535	:0.01
one:0.2501549507978757	many:0.1757390329727802	some:0.17337378259433658	most:0.07828004008705718	all:0.07823258544774273	Many:0.06550115768656498	Some:0.06179705054453487	none:0.058771085161482946	any:0.04815031470762493	:0.01
the:0.48861478080270937	this:0.10128119816114689	said:0.09669980858582257	a:0.07031867734589405	of:0.05954393786971336	district:0.05914085816933211	supreme:0.057218470910727605	circuit:0.029575703328674565	in:0.027606564825979504	:0.01
the:0.33830633444923525	of:0.20592308455385636	and:0.1415013163225879	to:0.09171505419212761	be:0.05757227224819087	or:0.042872733400752996	for:0.04103310450144933	as:0.03575002898317131	in:0.03532607134862836	:0.01
a:0.4342103493686322	the:0.28127427940390076	large:0.13107432102392513	A:0.04765830538767432	The:0.04331646657401486	great:0.017644277772326085	total:0.013916780429481905	and:0.011073407679680021	tho:0.00983181236036464	:0.01
of:0.40775050288941994	to:0.14605871745173396	for:0.10961076055462994	with:0.10154829172729117	make:0.05518123239736868	by:0.04377371558486939	give:0.04333752822950427	in:0.04253051498163198	keep:0.04020873618355059	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.33672860776060404	of:0.24810282468053058	and:0.08119108157537631	in:0.0768394618389819	to:0.059969565041694324	on:0.05810567738756484	at:0.05148226156940602	a:0.04766475478112604	said:0.02991576536471607	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
of:0.48656905355249896	and:0.11204936736375867	to:0.09715128177139955	about:0.06540134919771148	in:0.06382820559693222	from:0.04899374120120513	with:0.04013969998351792	for:0.0381373928458464	at:0.03772990848712967	:0.01
the:0.4093233558040992	of:0.14347176912824763	and:0.09918323127245089	that:0.08389521681892108	The:0.07051764743152035	a:0.058349880834651466	Mr.:0.05600187837864818	or:0.0372170226949604	no:0.03203999763650096	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
and:0.23234027324129125	he:0.15356840316979137	has:0.13488804493896908	I:0.0951538646091295	have:0.09123310325353268	had:0.08469742673144302	He:0.06903244733938367	be:0.06694988154974167	who:0.06213655516671793	:0.01
matter:0.23439920500606962	and:0.1967897509910449	know:0.18335273090264087	see:0.17286605342187267	of:0.046759526784717044	to:0.04482707872428803	or:0.03936322862249687	show:0.03635582188250359	but:0.03528660366436645	:0.01
the:0.19981263940869776	and:0.1946193829030507	of:0.15829447152141402	a:0.14191137210149787	with:0.07857038068964715	is:0.06492235399337816	are:0.05702345113231543	was:0.04950031901367082	The:0.04534562923632812	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
a:0.4092561336246522	the:0.2907522926237038	this:0.12306515442132146	very:0.043894654802334426	The:0.03950231336994864	A:0.02354196264818626	of:0.02192253191690995	and:0.021092587418446673	tho:0.016972369174496675	:0.01
this:0.29230937555357067	a:0.21263139820831684	the:0.1864796543267835	every:0.09092312247731175	other:0.05874865279882758	that:0.04563654348362738	one:0.03621942307226811	of:0.03581945751775197	each:0.031232372561542304	:0.01
not:0.34529781661311143	can:0.19909636097910946	could:0.14766802842280813	will:0.07749917671652388	would:0.07613470432908515	the:0.05059257902564997	and:0.042197520393483456	Not:0.0290019268541296	that:0.0225118866660989	:0.01
south:0.20345069651868364	east:0.16610692419225329	north:0.14993603185173596	the:0.14480568715561606	west:0.12094492900158951	one:0.09251253368204893	each:0.04707512784912191	either:0.04102984543330831	other:0.024138224315642335	:0.01
be:0.4246648993231662	been:0.13337066927187477	was:0.0921477307383129	are:0.07024211070649639	and:0.06282530839730983	were:0.056981886945069074	have:0.05664009926541651	is:0.056570823082332	just:0.03655647227002236	:0.01
the:0.38296134835107004	and:0.14051645535162988	The:0.11652857706918647	that:0.08686273640745927	of:0.07615782687414008	These:0.06440203855565113	in:0.045653088419602604	New:0.041785509470568846	these:0.035132419500691466	:0.01
the:0.30118770224415803	of:0.136768744566076	and:0.13292833990918573	a:0.09641617605887866	be:0.0858286502888405	to:0.08214791428939255	was:0.056961996862790354	is:0.052982645619020996	in:0.04477783016165717	:0.01
at:0.36421758838637536	about:0.19522654418164725	for:0.12018849438135111	of:0.08853032539575521	and:0.061956721420328015	or:0.05451104496232183	At:0.04085196183647929	About:0.03620035648231621	in:0.028316962953425538	:0.01
is:0.5178751724853038	was:0.15522161595681416	so:0.09136686323579837	Is:0.05718772470680428	are:0.04761769471557806	very:0.034062708348245915	be:0.03337518127807033	and:0.031006912639827106	not:0.022286126633558	:0.01
and:0.2440447138976167	to:0.19749697355194545	was:0.1346830027949297	be:0.111336763487121	is:0.07808270320492956	the:0.07222815055527261	were:0.052089690159776623	are:0.050762937657898854	of:0.049275064690509456	:0.01
the:0.4038136417587184	a:0.16918912390018628	to:0.153093032245749	and:0.10274729250449097	The:0.08538312526682662	annual:0.02369366421133767	tho:0.019967702539771894	this:0.016435521875583923	of:0.01567689569733524	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.11808702737128361	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
of:0.3411665043500329	the:0.2928873819413327	in:0.0956139088428767	on:0.09312614308680606	to:0.052397006338398826	and:0.03521000184454775	by:0.028644123426434635	which:0.026559027278363265	upon:0.0243959028912073	:0.01
for:0.26494411625655967	of:0.22665392523359465	in:0.17763214647655795	to:0.08819833898214599	that:0.06401311035706027	and:0.05204338983220885	In:0.04371514684972175	at:0.03920243840960917	with:0.03359738760254167	:0.01
the:0.5614578511957721	a:0.1386829703630506	and:0.09856137807482963	The:0.06238166908224834	tho:0.043945812974084265	A:0.025116676057721457	of:0.02018875221193639	that:0.02018158618726474	tbe:0.019483303853092323	:0.01
far:0.1828967933859734	such:0.16934054090311507	well:0.16235554652954418	and:0.14194787344017976	soon:0.07224158114245642	thereof:0.07222833898549798	but:0.06999571294511941	long:0.06543954274627449	it:0.05355406992183929	:0.01
to:0.35385403356295836	will:0.23545068175431033	may:0.0943555905263713	would:0.07343111538429775	should:0.05352705620094742	can:0.050173625223421905	not:0.047034774765854034	shall:0.043460700800014594	must:0.038712421781824054	:0.01
the:0.6236174345165284	and:0.11087923301648832	a:0.06641620935353397	or:0.04718676996631945	The:0.039991616951180975	of:0.034280937442024394	tho:0.028311938713494054	other:0.02211751340395223	large:0.01719834663647821	:0.01
of:0.2548415904135225	in:0.20497513524254793	to:0.14963018918724633	for:0.0982550258509293	and:0.08888434786753553	with:0.0723491921329809	by:0.041936996832845526	that:0.04112122104444865	from:0.0380063014279434	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.0920144699599962	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
due:0.21710452061907495	and:0.14724977501353537	called:0.1418580768868411	made:0.09893158064626675	based:0.0931229803668843	looked:0.08170143829602709	look:0.07903561589175227	depend:0.06781224697151875	depends:0.0631837653080994	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.43687133710655535	days:0.11720959293761739	that:0.1066653732388746	soon:0.07860140806343817	time:0.06121834194643434	but:0.05327674065778646	it:0.047704742354873285	immediately:0.04478836472060139	and,:0.04366409897381891	:0.01
it:0.19098738899443296	that:0.14858923717751657	he:0.11861159650347006	they:0.11668493644236243	which:0.11311474604325064	I:0.08874370294804595	there:0.08838217498361485	and:0.06616777705533793	It:0.05871843985196871	:0.01
and:0.2849573452833227	of:0.1437435148866111	to:0.09263610431494233	be:0.08495490838501231	is:0.08415817709340953	that:0.08365355574982868	all:0.0779792294712453	for:0.07072316363703328	have:0.06719400117859473	:0.01
will:0.24693648038004848	could:0.18983163955391383	would:0.1439542663030325	should:0.13438534735032978	shall:0.08752610598815738	may:0.07499240936629364	can:0.047443879688021315	must:0.0346179084233615	need:0.016788272230254815	did:0.013523690716586703	:0.01
the:0.5917434258438942	a:0.1015374286484711	of:0.0795606764096641	and:0.059110300205765874	all:0.04097773361135132	such:0.03703723912242494	The:0.028361579151385007	tho:0.027076612636981332	other:0.02459500437006208	:0.01
went:0.1794974806493376	go:0.15454708545878776	came:0.11151278596248962	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263337	down:0.08367866714280338	come:0.07744132287303515	:0.01
of:0.4311626111544256	in:0.17330823749706964	to:0.08519409448285356	In:0.061850738240744454	for:0.05696670685328176	with:0.05390577494147847	by:0.04677325195225249	from:0.04518485018506073	that:0.03565373469283343	:0.01
the:0.48215872870739607	an:0.14018151391283232	of:0.11550147354627953	and:0.06307294142758962	in:0.060384957176945586	by:0.037084395432995756	on:0.03551827281726645	The:0.029595194226791573	this:0.026502522751902943	:0.01
10:0.14710054876666617	6:0.13449882731692972	ten:0.12118556879978926	six:0.1209220469522493	50:0.11172451673409042	five:0.09712416388258671	5:0.09522816139427269	20:0.09376275809748635	25:0.06845340805592937	:0.01
it:0.21165654290007543	they:0.17849553925446904	and:0.11352349032840992	which:0.10003823016329348	It:0.09840871647723091	he:0.08669379196500901	I:0.07336866244200968	you:0.06624605323947196	that:0.061568973230030466	:0.01
to:0.23017721398697727	his:0.22563923775425762	a:0.20769307695466377	the:0.09580013050449716	their:0.0539170871160698	as:0.05247892435541484	and:0.04909739920602788	of:0.037957907249057614	her:0.037239022873034114	:0.01
of:0.3490124854372051	and:0.1510237090476072	in:0.14043569227794847	that:0.1307424858986167	for:0.07626604288645794	to:0.041501430834301564	on:0.03682615937123134	but:0.0333280556738184	from:0.030863938572813217	:0.01
part:0.15945008725032395	day:0.13526025489942017	side:0.12592296844970757	out:0.11327739819241414	one:0.1129538810944345	line:0.098761138113923	number:0.09847199022949955	name:0.0776780579148099	people:0.06822422385546725	:0.01
called:0.2582093322647018	and:0.15819133362285118	based:0.11104719575934278	looked:0.09277099787953787	depend:0.08958935811109527	insist:0.0719041136608972	made:0.07188877273538935	depends:0.07008913794239172	call:0.06630975802379277	:0.01
the:0.6294777316981596	The:0.07158109358646467	any:0.05120006979960496	an:0.04663196199711569	that:0.044463331891802786	this:0.038798937297167685	a:0.03786503564309167	same:0.03577815446981068	large:0.03420368361678231	:0.01
and:0.33353890069751263	was:0.1680788178505281	is:0.1464927602184309	are:0.09218316951471581	but:0.08079014990752888	were:0.07656145209264209	He:0.040819367731266216	be:0.026345268997705763	has:0.025190112989669562	:0.01
and:0.15630885319439541	was:0.14051622242482908	is:0.12502376757665973	him:0.1192285595629541	as:0.10456057814348599	time:0.10242595179748347	made:0.08705774108904991	going:0.08041883926493483	it:0.07445948694620738	:0.01
the:0.41173661813517437	and:0.13999056757019615	of:0.10775295862518824	The:0.10000273526717704	that:0.09288230032902252	or:0.05656680349448412	which:0.02727601296610817	this:0.02722755578918406	our:0.0265644478234655	:0.01
the:0.39150796518849756	of:0.2170545843952346	and:0.10625527112622661	an:0.07297259921942414	a:0.055469399703126095	in:0.0421101242826293	The:0.03639968087451915	great:0.03537162914064554	by:0.03285874606969696	:0.01
the:0.36292478298265574	a:0.15976392099267728	of:0.11541619138807474	and:0.09890889467005297	per:0.0856037053713127	two-story:0.07356644339471258	by:0.0341319583107871	to:0.029962153642574013	with:0.02972194924715299	:0.01
well:0.21321257425074594	known:0.1833023137221186	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.06163044115944836	such:0.04848962176196867	just:0.03999506790086283	much:0.03382539293359975	:0.01
one:0.33708984341259335	part:0.14875576146602673	out:0.10384043397499726	portion:0.09083714555922895	side:0.07562804233059955	some:0.06197550487992145	that:0.060324718837243906	tion:0.057990436636891	member:0.05355811290249791	:0.01
the:0.2532837237576991	of:0.19616563294603748	to:0.14670082910381574	and:0.11029112192893743	in:0.08445481701593331	a:0.06753821873156941	by:0.0496415351365421	at:0.046739111180747285	<s>:0.03518501019871825	:0.01
and:0.19015221398099005	is:0.13714824859663252	him:0.10782160002887337	as:0.105674777708374	able:0.10228139455550705	them:0.09044534777275941	began:0.08726093874208705	was:0.08694733981483148	right:0.08226813879994509	:0.01
as:0.21746462185755377	how:0.16646086355316364	and:0.1497841102317769	so:0.11144824206198543	was:0.08440350804622834	the:0.08084282265796623	very:0.07370289082155293	is:0.057990149224184925	How:0.04790279154558791	:0.01
of:0.3226980273342098	to:0.13096431593051314	in:0.11107196633693774	and:0.09110344346966172	with:0.0750609234826915	for:0.07363405578535002	by:0.06236659822760596	on:0.06161617985167086	that:0.06148448958135917	:0.01
the:0.3187533310365806	of:0.19153223533904776	and:0.13333775657562166	a:0.08569118153695421	to:0.07805362827458312	his:0.04896787193732948	be:0.04728575140178597	my:0.044784222538298106	I:0.041594021359798936	:0.01
<s>:0.399820680538281	it.:0.1419835320182208	him.:0.12104988600162563	them.:0.11112221497001841	day.:0.048262548695622805	her.:0.04336700250598546	.:0.041818250047645104	time.:0.04140771261469906	?:0.04116817260790196	:0.01
the:0.7514807229415914	The:0.08733829030511496	a:0.07173264331953222	tho:0.04101637774144897	tbe:0.016018657337912228	his:0.010462345172300318	our:0.004363590540608911	this:0.004100496346307664	Tho:0.0034868762951833503	:0.01
of:0.2732149323548869	the:0.20566639566427047	and:0.19731965436216609	to:0.08644322288683833	in:0.04880187934035697	at:0.04693446852209707	<s>:0.04456847127973911	.:0.04415639200742723	by:0.04289458358221779	:0.01
the:0.23765640265359408	of:0.19385784076364954	and:0.1460666063147157	to:0.11198119111533542	at:0.072873040605823	in:0.06766536014132056	a:0.0673429170023947	for:0.05285048509320575	.:0.039706156309961244	:0.01
as:0.22008673636930345	if:0.1723493376288106	that:0.16459943286961112	which:0.14323576570155191	and:0.10330385129101195	when:0.08277613968411916	what:0.03822791640123522	If:0.03275715453364475	but:0.03266366552071179	:0.01
in:0.3944799968382686	of:0.18874540595312866	with:0.06976465980310928	In:0.06820956128604452	to:0.06512199787298584	and:0.06459079261322975	for:0.05391169248626865	on:0.045367144871650805	from:0.03980874827531374	:0.01
the:0.27999139578163734	his:0.17732082618226558	of:0.12919646506996466	my:0.10513282176572257	a:0.07697694585515122	their:0.07586040277040655	on:0.057932208429660265	her:0.04453100864329852	and:0.04305792550189322	:0.01
and:0.246044771700871	of:0.11272233964907918	the:0.11201495193836379	said:0.09073666324832311	a:0.08892905395768098	to:0.08824912385651389	<s>:0.08823759566161248	for:0.08184264837841086	as:0.08122285160914461	:0.01
he:0.3253946989607475	who:0.11827513394006156	I:0.10956363510665572	and:0.08734433719744777	they:0.08153320256821595	she:0.07912062606641648	He:0.06934784876496612	which:0.06535775285052314	it:0.05406276454496572	:0.01
the:0.18967412161958205	and:0.16039812387112398	be:0.12426122688981939	was:0.12339453984543904	of:0.11493837137436898	to:0.08700087712254828	is:0.07482363279220873	been:0.06158286699078446	a:0.053926239494125026	:0.01
of:0.3420422053370365	to:0.1388434664336376	in:0.13786264416522526	and:0.08027954924229379	with:0.07123181302638898	for:0.06369579859368074	on:0.06135083543937238	by:0.04859824571313037	from:0.04609544204923423	:0.01
he:0.216594485409054	who:0.13089149879237486	it:0.12884655275817156	they:0.11222749493633567	which:0.10803539969364409	that:0.10319079678052699	I:0.0741707050458965	and:0.06728940336216857	she:0.048753663221827684	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
they:0.2177013473352435	we:0.1771249735843429	he:0.14434225279233606	it:0.0984829074791026	you:0.08986954281737573	who:0.07019176055602475	I:0.06731427539328014	and:0.06542442091317002	that:0.059548519129124386	:0.01
to:0.5049773478968723	a:0.18384233190667484	the:0.09887473289360627	of:0.0673201942531387	his:0.05001991795220829	and:0.025177811037740184	will:0.0210233622837186	can:0.019796534881038323	their:0.01896776689500245	:0.01
street:0.16931241187994353	State:0.16122279410788334	day:0.1438151369181825	city:0.13130526707036036	north:0.09841530859147828	Hundred:0.07837155733623836	state:0.07519179348191657	east:0.07327346062336774	White:0.059092269990629304	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
and:0.18534523678502302	away:0.16771805925984679	taken:0.11072574075811578	them:0.09801925834481437	him:0.09463813178502384	returned:0.08981768368962882	it:0.08280143665758126	come:0.08072568899912669	arising:0.08020876372083942	:0.01
of:0.2722568817965146	to:0.17169522631080353	in:0.14646245223377993	for:0.10185470783397958	with:0.06770201465156615	by:0.06684928080011746	on:0.0650864632146108	that:0.05028294900667728	and:0.04781002415195075	:0.01
the:0.33601536274839616	of:0.16958902826991312	Mr.:0.10573912457216135	The:0.10541590539910746	and:0.08531333366099246	that:0.07291914405203645	a:0.05455260066519831	this:0.03190090597915657	in:0.028554594653037953	:0.01
the:0.23275195534384432	and:0.2098788158200616	of:0.17554547920780295	to:0.13887981788698933	a:0.07369937242826398	at:0.04582585525437207	in:0.04070035937594807	.:0.038113158377029416	by:0.03460518630568816	:0.01
and:0.1858121345644666	is:0.1301280118131278	able:0.12132666117380189	not:0.10218303442626211	necessary:0.09420766528966665	him:0.09287939787859383	enough:0.09269631237058108	them:0.08733232841025079	seemed:0.08343445407324936	:0.01
the:0.5759794897015565	of:0.16837632283231002	surface:0.06860969600914403	on:0.038253833850775826	tho:0.03731974973809637	and:0.03650416793927605	to:0.024851163593904792	their:0.021566564990746304	said:0.018539011344190143	:0.01
or:0.2448478461409917	not:0.15298821083114747	much:0.11752700383071601	no:0.11671354168465983	and:0.08019429322465106	the:0.07721866835509415	is:0.07588536048029244	be:0.06417079697209242	with:0.06045427848035488	:0.01
the:0.49640542972121227	The:0.17711315384060183	and:0.06622036518077834	a:0.06367296248914919	his:0.048385539840804646	an:0.04150361733078284	tho:0.04003057094449445	of:0.03138228127031354	in:0.025286079381862912	:0.01
I:0.21623072348169672	we:0.16777123601194352	they:0.12362096103881598	We:0.09602625993578803	will:0.08488548580878909	would:0.08343257151205331	who:0.0795945158415882	to:0.07788581964555237	you:0.0605524267237727	:0.01
of:0.30878724127568996	for:0.17451185097537739	in:0.16257990540523662	to:0.08149883974273232	and:0.07452184131253772	at:0.0510971870964943	In:0.047302276342618466	that:0.045437154008629	nearly:0.044263703840684274	:0.01
was:0.2122325018371064	and:0.16282735089772557	a:0.14193069166090072	be:0.11635381243247954	is:0.11604485055959413	were:0.069338163184044	are:0.06541494943338683	been:0.0611437966993236	to:0.04471388329543935	:0.01
all:0.6431723350842143	different:0.08786415453199789	various:0.07091122388159936	other:0.05978167111160113	the:0.04101064563615075	many:0.03224256014284229	All:0.019229795742366926	and:0.01845141078663102	certain:0.0173362030825962	:0.01
the:0.43948949218046207	a:0.1701722226643037	an:0.10199846597674372	in:0.06433379508054472	this:0.06029053065768352	of:0.040715381667189944	The:0.04059571506560336	and:0.037910601367324194	any:0.0344937953401448	:0.01
the:0.3250070074440385	of:0.1404159180796893	this:0.13651125745738846	a:0.1191873772217053	and:0.08494699474649488	his:0.051772350316216874	in:0.046342712284608	to:0.04377660884963586	other:0.04203977360022286	:0.01
of:0.3615402389807708	in:0.15188515551022932	for:0.1310459851928865	with:0.08501487302299952	to:0.07706827086360643	on:0.054083314962011145	upon:0.0459343615901831	about:0.042105656831414914	and:0.04132214304589842	:0.01
was:0.1730858700695551	is:0.15313716872359526	a:0.12741201779364336	be:0.11458170938612752	the:0.10631926015853056	are:0.10336330566395033	and:0.08671321677068779	were:0.06837350578199111	been:0.057013945651918994	:0.01
it:0.20845689664902517	and:0.15251286045257167	they:0.13374503930675574	which:0.0987365562202165	he:0.09852344762470704	It:0.09135314840375387	that:0.0719340865424109	you:0.06975508100976117	I:0.06498288379079813	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
has:0.18806535314655703	have:0.1597675464560571	and:0.135680953412518	be:0.10775670586670762	had:0.10381133930244593	he:0.09078097643152543	I:0.07171198808370434	was:0.07135103700147666	is:0.06107410029900777	:0.01
a:0.31512590749534175	per:0.28421665863770457	the:0.13288189383303015	one:0.07715323479150066	last:0.053954955400450866	every:0.041374045353078544	this:0.03383006958386487	each:0.031009938372202343	next:0.020453296532826338	:0.01
three:0.19279697731532905	two:0.16467916308965086	many:0.13785310916254612	four:0.11005783504033953	five:0.10177810510635743	several:0.07569980042604027	few:0.07568938861103443	ten:0.07107366265411402	six:0.06037195859458832	:0.01
and:0.26276554424049875	well:0.17165735638285678	regarded:0.10215108442096366	him:0.08688236618817878	known:0.08594969760882573	soon:0.07468266047506815	it:0.07254659441566477	is:0.06743217334715047	but:0.06593252292079285	:0.01
in:0.4100949741212493	of:0.1989969427619345	to:0.08313801353676308	In:0.07397797225200524	and:0.06106214360326058	the:0.05398800078655676	on:0.041742709286061705	with:0.03381389583535994	from:0.03318534781680892	:0.01
as:0.1814730594089925	and:0.17326555160750992	able:0.12147091128136288	is:0.10624524755801905	right:0.08909045872362921	necessary:0.08778701214393811	enough:0.08313500991634766	time:0.07479924972111708	order:0.07273349963908361	:0.01
quarter:0.7733623822720264	line:0.06865470739970324	corner:0.029995053734105437	side:0.027884544837129956	county:0.01938807321413347	city:0.01854602058291836	feet:0.01834196983198014	out:0.017394715859006253	south:0.0164325322689968	:0.01
of:0.26895848776649706	to:0.20676706499103206	with:0.14966944532838738	for:0.09397176497040001	let:0.07401011253904258	by:0.06835099411870932	Let:0.054620703467409645	among:0.04250863304122451	upon:0.031142793777297374	:0.01
two:0.1890835073337299	many:0.14223874878899867	three:0.12082400636233336	few:0.09862700989321287	four:0.0976510706475303	five:0.0939273167674691	ten:0.08721328668655987	twenty:0.08130276018621532	of:0.07913229333395069	:0.01
he:0.27049798266870667	who:0.1349796471541286	I:0.13396751331737144	they:0.11309218533505609	have:0.10728665989065171	and:0.06849171130664643	she:0.06098834989257653	we:0.05271624072952704	it:0.04797970970533553	:0.01
of:0.22567759342673321	his:0.1432188079463686	their:0.12859039064532643	the:0.128430296726385	high:0.11641161002431633	and:0.09430717097116924	low:0.06627859307438587	her:0.04673262687766487	a:0.04035291030765048	:0.01
an:0.2334520294880513	of:0.2135915042804552	and:0.17744610177879877	the:0.15968773682136428	in:0.06340208495223901	his:0.043003865826905706	her:0.036834327480403106	man-:0.03314281257797043	An:0.029439536793812157	:0.01
line:0.26480180046467733	side:0.11993267248327327	number:0.10996652062798452	out:0.0953797506697783	corner:0.09249235786227203	part:0.08839958290955666	city:0.08800772748914915	state:0.0710529613852143	name:0.0599666261080943	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
number:0.2653217701404794	amount:0.22293152162295005	out:0.12221586675369868	plenty:0.07594738691716515	day:0.0658028125790361	thousands:0.06508193992081093	piece:0.06331559026500483	deal:0.05570479080479544	hundreds:0.05367832099605946	:0.01
of:0.2778467217151382	in:0.13800122799602393	for:0.13626520287138577	to:0.12775466443582714	and:0.0809162967866146	that:0.07595941793312151	with:0.06688451272591538	by:0.04984278468798799	In:0.03652917084798547	:0.01
hundred:0.1745801653051041	feet:0.14499480373197512	and:0.14291311442447596	;:0.1246135384216046	up:0.10975774510731659	street:0.07627453150561432	him:0.0739876233080169	day:0.07221156126906497	time:0.07066691692682746	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.1495899024693767	miles:0.14173092433846196	free:0.13778745773831563	far:0.11531946154984084	away:0.11422025854048723	suffering:0.09289524012248203	him:0.08182258540364966	them:0.08046450554330968	or:0.07616966429407625	:0.01
as:0.2269592759227454	and:0.20617057677448772	that:0.20118500383781673	but:0.08236774773615126	which:0.07783285192564306	of:0.061301583601888775	if:0.05052936978399034	when:0.04302154371839304	than:0.04063204669888371	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558527	for:0.09174081455919122	a:0.06366595919272895	to:0.061841865908333744	In:0.05733705309984939	was:0.03321233541124056	:0.01
in:0.3280063413811746	of:0.2373463239875848	on:0.0856272975633177	In:0.07837969502345331	for:0.07532933239794065	to:0.07060789595420998	with:0.04151201822278476	from:0.03931902089765491	at:0.0338720745718793	:0.01
of:0.21117435763001066	.:0.1594096194106117	the:0.15358069010401934	and:0.140029907110392	John:0.07536611439243111	A.:0.0660193253858156	Miss:0.06566616116472085	H.:0.06005863552721135	J.:0.05869518927478727	:0.01
Board:0.22526811550538184	line:0.12994405101573345	State:0.12165236661558933	years:0.11503206511343281	state:0.09019888457506985	city:0.08781607677727439	corner:0.08686415627296384	county:0.07241976758035501	case:0.06080451654419939	:0.01
and:0.18290005862930672	order:0.13196712928889226	necessary:0.11131757003867983	able:0.11068546819556749	is:0.10436541550942853	have:0.0929818922683655	as:0.08677817270098799	had:0.0861842482361664	not:0.08282004513260527	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
be:0.396383778769424	was:0.1590187117948766	been:0.15638652972840647	were:0.06920442482901352	is:0.06634674568584097	well:0.04802906952951731	have:0.03839665318796245	are:0.029869104392168267	and:0.026364982082790332	:0.01
in:0.2679623029560077	of:0.19860565711965802	to:0.10935611265367001	with:0.09323545892094129	from:0.07770932718409249	for:0.06993863671210758	by:0.06751657484375599	upon:0.05456850346081428	on:0.051107426148952466	:0.01
a:0.5392501124230162	the:0.25361500427852723	this:0.03986178514596627	of:0.03521359178756071	with:0.030402701245264833	very:0.02625596409685355	no:0.025380010812339433	any:0.020265046140900043	The:0.019755784069571732	:0.01
of:0.30201905806247276	the:0.17030496234875606	in:0.11068424530149683	and:0.09989204190096768	for:0.0861781280132933	a:0.08450522390944931	to:0.05361798221987132	that:0.05213488323970909	with:0.03066347500398353	:0.01
is:0.1936087435691293	was:0.1438323593143901	are:0.12186296434341748	did:0.11746438789983729	do:0.10721052931890086	could:0.08616034692945328	and:0.07546047057592255	does:0.07227133429734382	will:0.07212886375160546	:0.01
the:0.3095876780584938	of:0.17316931702614413	to:0.12268602141238893	and:0.12089557564332551	a:0.08723231527611129	in:0.05333032522055631	be:0.04669364142145447	is:0.03842252484347462	for:0.0379826010980508	:0.01
the:0.4562157453854121	his:0.1773565069252479	a:0.12519353782405926	my:0.057273403809469686	their:0.05112938005510933	her:0.04904495716405355	tho:0.02789918726628458	your:0.02375149429933419	of:0.022135787271029387	:0.01
have:0.25049146152931534	has:0.16574496079050755	had:0.15522261705542387	and:0.11528806535365624	he:0.08940359404256798	I:0.08710178177668433	who:0.05294789815229355	was:0.038434341027994985	they:0.03536528027155629	:0.01
it:0.2510914051992149	It:0.17137973579832944	he:0.16425395953659566	which:0.10542520949982545	who:0.07155436438202946	and:0.06624320513143349	He:0.06523264442476874	that:0.04772542526654719	she:0.04709405076125574	:0.01
Mr.:0.23381006734299684	of:0.14892685200845546	.:0.10655839889629619	at:0.10469713781257285	and:0.10408664924866769	to:0.09670617480363528	a:0.07671203378764155	Mrs.:0.059366869531578235	the:0.0591358165681558	:0.01
the:0.24273593368698743	of:0.19482458867717511	to:0.15386363801051614	and:0.13977018841803462	be:0.07188836850300179	in:0.06984476594174335	or:0.04024831417544013	was:0.0393807699116105	is:0.03744343267549099	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
or:0.2045692572631001	not:0.165069560207902	and:0.1406603448030436	redemption:0.12589568267922982	than:0.08972502997109885	is:0.06896450207811626	was:0.06877777860304822	look:0.06433523491393658	there:0.06200260948052438	:0.01
and:0.29635189305068393	so:0.14127294388052722	fact:0.11934677619133646	said:0.09382506667151261	know:0.09321340215184683	say:0.08466047801883074	is:0.061229379962697866	but:0.05099440426762219	believe:0.04910565580494222	:0.01
the:0.5712264689311012	a:0.1881279475778576	his:0.06991961020821938	The:0.03847181938405381	tho:0.0362699222093803	this:0.02718501659154476	her:0.020431089495532614	of:0.019478151370732763	my:0.01888997423157765	:0.01
and:0.2425278232362331	was:0.14559685815360235	it:0.14400821087854637	he:0.09012357675329474	be:0.08300082970471609	years:0.08253269416048656	He:0.07441476083778327	It:0.06517377268271395	is:0.06262147359262342	:0.01
the:0.6911469424118788	a:0.10151458501695497	The:0.05092473981046216	and:0.05036578290203895	tho:0.02918094711770896	is:0.024885274380417023	of:0.01471790632411218	was:0.013668083319966417	al-:0.013595738716460507	:0.01
in:0.31213636848631654	of:0.304589248207651	In:0.13833131991158007	to:0.06729754138791358	throughout:0.04353109647139806	and:0.03610033147900299	that:0.030912451608770646	for:0.030187065049822007	on:0.026914577397545075	:0.01
the:0.502171482070609	a:0.10697251917639063	gold:0.0824537954245229	of:0.07968322901328836	and:0.07594730785663503	The:0.04063625511948416	tho:0.036789298198402	some:0.03465162181679505	any:0.030694491323872804	:0.01
of:0.407674785398844	to:0.1277612093619651	in:0.0981100127674003	and:0.07987385520716705	for:0.06192213266467773	by:0.059814335151744225	on:0.0571953785601922	that:0.05542901686480434	In:0.04221927402320507	:0.01
the:0.2430700290993388	of:0.19255952245263241	and:0.1541377657113866	to:0.1438140321537308	a:0.07286436798209919	be:0.051059482517056685	or:0.05091033703493395	his:0.042464487272563516	on:0.03911997577625805	:0.01
and:0.20741641028920502	from:0.15079352200961685	is:0.1252680971436446	or:0.0983022470136906	by:0.09350483692515989	was:0.09316047267781404	are:0.08711847529742332	of:0.07019942090473245	be:0.06423651773871325	:0.01
the:0.8669368527056204	The:0.0389610086643136	tho:0.03812692857930305	tbe:0.014074451955827136	of:0.00971415992889058	and:0.007488408785041512	this:0.005807203533932444	to:0.004906667042670002	that:0.003984318804401365	:0.01
the:0.2674492964256619	of:0.20511700061949348	and:0.14485297190820026	a:0.10901726580538401	to:0.07826945908641957	be:0.053803876767259305	was:0.04954367835637349	is:0.042308161686394764	in:0.03963828934481334	:0.01
of:0.2577613558831056	for:0.21611733396638805	to:0.11681641650563723	and:0.10621025280088428	that:0.08825245767092386	in:0.07833239753419989	by:0.04567785770791969	all:0.040738366494910236	with:0.04009356143603127	:0.01
time:0.16567993183890278	man:0.12991036354079466	it,:0.11508822343074916	them,:0.10436649065250439	up:0.10239361202406623	him:0.09925487475741737	men:0.09632524471907442	it:0.09559650259481241	house:0.08138475644167864	:0.01
the:0.43824649046102443	a:0.3207302517275055	his:0.05617978208455463	The:0.04205874167181899	of:0.040066073333490146	and:0.029763690893341972	their:0.02508060692319802	tho:0.02023291758910129	an:0.01764144531596506	:0.01
the:0.21168661632910743	and:0.17342087587379088	of:0.14965243031096215	as:0.14862640424456694	a:0.08287979349307766	to:0.07107758859510925	be:0.05689152027188907	such:0.04860602071964438	in:0.04715875016185233	:0.01
<s>:0.3550460877804933	it.:0.19814273989309963	him.:0.1030700139664756	them.:0.10238350570504234	time.:0.05274724244410294	again.:0.04600195909029765	.:0.0443085602473894	her.:0.04424431336725336	country.:0.04405557750584577	:0.01
the:0.27062093316726427	of:0.2058837608840983	and:0.08834827289900334	The:0.0853987581870392	Mr.:0.0848051425396133	that:0.08185133110159959	in:0.0776092527328897	Mrs.:0.049118875532564533	which:0.046363672955927845	:0.01
the:0.42089018418201757	and:0.17391606778844382	of:0.14385569358928882	many:0.054428357700082496	for:0.045318476613987135	these:0.04040668815676639	The:0.04036616273614671	great:0.036210166559679	their:0.03460820267358813	:0.01
the:0.21111055812820548	a:0.19711595561915765	his:0.1632526150918861	of:0.15561089368668068	their:0.10536910508033777	and:0.043915415081643275	my:0.039657083122798364	its:0.03862654960387073	her:0.0353418245854199	:0.01
the:0.2382284484858104	and:0.20122952992515808	of:0.19304712948183925	a:0.09216272240482247	to:0.08973984001616922	I:0.050478338513428325	in:0.044774889303067195	that:0.04292983420610713	at:0.03740926766359787	:0.01
the:0.5703418561115114	and:0.12483344038203494	of:0.04968566631381561	his:0.04938755091526294	The:0.04813739749594229	her:0.0464712358810217	to:0.03484026432537659	tho:0.03448512033276069	their:0.03181746824227382	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
was:0.2262382846308838	is:0.16622976524814384	and:0.15949684979329104	are:0.09779973186405097	be:0.08455105752911157	men:0.06681207254533283	will:0.06610405122510182	were:0.06399057774185225	him:0.058777609422232	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.473488961603652	a:0.21325468339609313	The:0.05536335097627146	in:0.04961818475873089	thorough:0.047329241904631635	of:0.04362522932792923	his:0.04180843102095777	full:0.03339531205106555	tho:0.03211660496066824	:0.01
of:0.3538100846561979	to:0.1708180374614593	in:0.15096754610610366	and:0.07835514206482472	that:0.06956030351353455	at:0.04447458041032812	on:0.044439317502371456	for:0.04004694773105797	with:0.037528040554122295	:0.01
opin-:0.5939843907607216	Un-:0.08595011293289365	<s>:0.06752387641536034	provis-:0.06653740112052492	.:0.04327353482581793	-:0.03635428465933705	the:0.03456737705554569	and:0.03319797540109606	that:0.028611046828702733	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
and:0.1390807564514581	able:0.1172699921339807	inclined:0.11264383740129874	began:0.11257028316868084	reason:0.11186394006528023	enough:0.10371048650475503	him:0.10279962615609585	me:0.09955985379255257	as:0.09050122432589786	:0.01
the:0.2723481281437821	and:0.19668214768263018	to:0.15253132558714383	of:0.123601013420646	a:0.07841525691254368	or:0.04657671415391402	in:0.046197418713357724	at:0.037471331313730136	be:0.03617666407225231	:0.01
a:0.22685541286065142	some-:0.17788062870377025	good:0.10530570796112057	any:0.09552561956200023	one:0.0897487944829768	only:0.07937362456865595	the:0.07786477180745491	any-:0.07052044533501575	every:0.06692499471835417	:0.01
the:0.44824172585585126	a:0.3289786764119717	The:0.06826137755466945	and:0.03626295104611461	of:0.028190701027708622	tho:0.026451156874080364	to:0.023448733698669382	A:0.019342375000225818	this:0.010822302530708696	:0.01
of:0.37360998796638195	on:0.18804779584624426	the:0.1439091840109695	and:0.07400436269129218	to:0.05915776679289412	in:0.05632965084453412	at:0.053661543529850385	from:0.022676593298884277	for:0.01860311501894913	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
of:0.4961430929358449	in:0.09632287688363061	to:0.08808536309730083	by:0.06126148644937511	and:0.05989680178737261	that:0.05825530344450772	for:0.05518942570505533	on:0.03783906306710607	from:0.037006586629806694	:0.01
well:0.21842075983329573	soon:0.20777084605516521	far:0.1407636306993205	known:0.1352211987599772	and:0.09452780557755935	long:0.05289644069995917	such:0.0488093420174617	much:0.04765358315663654	just:0.04393639320062458	:0.01
he:0.33058510921607737	is:0.1723170756825551	be:0.11524369987115592	He:0.09685095197191491	was:0.0931290811141368	and:0.06734933739338943	she:0.04355880300859508	I:0.03593927162649026	been:0.03502667011568519	:0.01
a:0.1821930239355388	more:0.17831254445915634	and:0.17101495938087094	of:0.10570272110373764	to:0.0928494181314706	the:0.09138041417503706	for:0.07045040154011817	will:0.050840746572120545	be:0.047255770701949744	:0.01
of:0.41656678097919053	in:0.21666929412283256	to:0.08208398646274435	In:0.06505568315542949	for:0.049284747976466405	by:0.04591720367369443	at:0.04239487013212465	that:0.03770211152107229	from:0.034325321976445236	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
and:0.23147186897819022	<s>:0.21938820409391566	that:0.12806420301480465	was:0.08476280698818368	be:0.07616464008921547	are:0.06569063538253903	not:0.06523136918661365	in:0.06026547995762615	is:0.05896079230891157	:0.01
of:0.43660860760827996	in:0.12312467004934577	and:0.08999815929893411	by:0.07203354760719555	to:0.07043159572670112	for:0.05864745336622039	on:0.05629685665033061	with:0.047614053999351404	that:0.03524505569364087	:0.01
of:0.2518483017614275	at:0.1925751777755313	for:0.1876023895421677	in:0.11692841684000418	to:0.09540364614544931	and:0.04304690689362529	from:0.03834422395469962	during:0.03292795892418675	by:0.03132297816290828	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
be:0.16397490470439308	was:0.13351459846889696	have:0.1286428148973121	he:0.12029101246615098	so:0.11988121386235553	has:0.0899840485549446	had:0.08079544667011684	is:0.08033890791665718	I:0.07257705245917281	:0.01
of:0.4560154461849908	in:0.2530856486704141	the:0.09668460194163857	and:0.05159682156883679	In:0.049215600609308935	for:0.03577513646186502	to:0.02131774578715281	or:0.01593216723383632	by:0.010376831541956719	:0.01
the:0.2584370386898756	and:0.17407984820835767	to:0.14748263120336905	of:0.12166594860433622	in:0.0725524639895902	be:0.06172551520608559	that:0.0529369222598797	is:0.05177386334512989	a:0.049345768493376053	:0.01
the:0.2972722027089941	to:0.2737048782953615	of:0.14229570829363578	a:0.1024423914349938	and:0.06242210566497735	in:0.032493095866839065	for:0.0323661751627337	this:0.027750141253590026	his:0.019253301318874844	:0.01
most:0.2594688055302746	the:0.18738748383137502	and:0.12672724809478472	a:0.10518653296054255	of:0.07670674193287481	more:0.06609461525834692	is:0.05998081576621212	very:0.05630242570634052	in:0.052145330919248604	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
the:0.6307137741451901	of:0.06575678269136734	and:0.0593657648386779	in:0.056175245185658834	The:0.052163662622580265	a:0.04840251314417644	tho:0.03053202614882842	their:0.024690239826211286	his:0.022199991397309382	:0.01
the:0.6033911764098422	a:0.09713931068168626	of:0.07451809572985602	The:0.05982492059142254	and:0.042733385954127616	tho:0.03137787407225064	this:0.03131247611672101	to:0.029616366177735592	by:0.020086394266358148	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.2702205851480953	and:0.25373061212316383	of:0.10788404947085119	a:0.07682900740008422	I:0.07017616036991155	to:0.059459124103990735	will:0.05897063657146992	his:0.055435515606522774	in:0.03729430920591028	:0.01
the:0.32785961978283545	of:0.17274650601366504	and:0.11564886028659735	to:0.07284070357735181	a:0.07119407616128984	was:0.06226527202271897	be:0.06027913999887273	is:0.055059672599117995	for:0.05210614955755076	:0.01
his:0.345339158900786	her:0.14094780739690452	their:0.10988569778560543	my:0.10600697970856099	the:0.10005188639718667	a:0.07938125963409279	and:0.04808553202872458	your:0.037661370339577706	bis:0.022640307808561348	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
in:0.1360524169921652	of:0.13497343563196895	on:0.1315494490886801	is:0.12981891098560783	was:0.1036958450779658	and:0.09614716662421471	as:0.09324690926131471	with:0.08959105768702533	for:0.07492480865105756	:0.01
of:0.18571329624269758	be:0.1464675857448542	and:0.14389133627589543	the:0.1376823421893935	to:0.10025920270847394	was:0.09724034888722495	a:0.0613128287322257	is:0.06018966730697438	in:0.057243391912260334	:0.01
of:0.29876895434262474	in:0.1984707432613619	to:0.11715138583166743	for:0.07341845189761997	with:0.07262182394026943	by:0.07156654753544392	and:0.07076325946739156	In:0.04794966764985871	that:0.039289166073762316	:0.01
New:0.34229760383284175	of:0.3398734190266482	in:0.14890625640409727	In:0.037488816870756315	to:0.030666166911817568	and:0.02829958908182625	from:0.023509942346899602	for:0.022076269378826514	by:0.01688193614628642	:0.01
be:0.17939284590177879	was:0.16382677519022773	have:0.12956836236413113	and:0.10978227974595578	had:0.09673916195997284	is:0.09454550268726483	has:0.08714879644126167	been:0.06629568000684281	he:0.06270059570256449	:0.01
of:0.28211092078192296	to:0.16103344262541222	and:0.12813000433305147	in:0.12105564578373806	for:0.0831621761722739	at:0.0666576315422447	on:0.0574444296473341	oi:0.04530422872793979	by:0.04510152038608269	:0.01
and:0.21406570126280386	to:0.18624825820563917	the:0.11361776477580708	of:0.09545390220861505	a:0.09008699567580138	was:0.08875870350827242	is:0.08194647336511633	be:0.060510000580715935	be-:0.05931220041722885	:0.01
the:0.35666100417320046	of:0.17064965424314188	a:0.1627962174740542	and:0.08778853999449218	to:0.05226260550384131	an:0.05003175508025742	in:0.04630426486504331	at:0.03377212468475199	his:0.02973383398121721	:0.01
to:0.23239635882577567	with:0.147955274195462	for:0.13955261406192304	make:0.09975401637078374	of:0.09839037465733615	let:0.07811838646770826	give:0.07034544163206291	made:0.06294159304699252	upon:0.06054594074195565	:0.01
the:0.3078144051404187	of:0.26505257970245516	and:0.19260195807483035	to:0.054798309633215254	The:0.043076878863048194	that:0.03367974593912255	a:0.03134573823657955	<s>:0.03082334836517287	or:0.030807036045157603	:0.01
the:0.6359192104455351	his:0.08275596228438314	their:0.04776306982709157	tho:0.045462941092604923	our:0.039356923534924065	good:0.03823678525404734	a:0.03563397354472836	its:0.035463057437553604	other:0.02940807657913179	:0.01
and:0.3222198455524992	<s>:0.2857385729640864	as:0.0712242622847361	that:0.06700029745991219	or:0.06001680232880113	it.:0.05548552367039799	was:0.047029551123173335	be:0.041815126203362404	them.:0.039470018413031376	:0.01
so:0.20443148024223548	and:0.18345073036457651	of:0.18023396495331936	in:0.09307195391618532	for:0.08247852259600444	as:0.07303649254185957	with:0.06275344770550408	to:0.05671142565864317	by:0.05383198202167212	:0.01
the:0.22172023892309115	of:0.1544891538036754	and:0.1135846508689145	a:0.09386538603318526	an:0.08847174821825282	-:0.08766195108438138	i:0.08336830757296743	.:0.07459740798853859	to:0.0722411555069935	:0.01
a:0.18093731292087742	the:0.17749627055241124	this:0.1664220440285153	some:0.09615975303128853	same:0.085671349105418	that:0.08205288696456944	any:0.07107757574580863	to:0.06649779792704197	of:0.0636850097240694	:0.01
of:0.3957017196183308	in:0.28123332857334304	to:0.07284053216366931	for:0.0679078953693371	In:0.0634128185772592	from:0.04551272725504885	at:0.024629782292638586	into:0.01984800858600945	with:0.0189131875643637	:0.01
the:0.24586786277439154	and:0.16997323033442863	of:0.1608974002526721	to:0.1249237815759012	be:0.07553177693575928	a:0.06150987802157047	was:0.06041598053696065	at:0.046389189906892676	in:0.044490899661423375	:0.01
the:0.2654899918975592	of:0.203025248090503	and:0.17745177002204057	a:0.10906588913129457	to:0.08229544085247792	is:0.03898604755417158	in:0.03848381359077558	be:0.03769492273598597	or:0.03750687612519164	:0.01
is:0.30140932575212553	was:0.1473841761301056	for:0.1307428007688813	and:0.08431640600582294	are:0.07504068069858688	do:0.06685446456495074	that:0.06547516845572258	have:0.06200192276468125	be:0.05677505485912335	:0.01
day:0.17829895693805659	and:0.15899177659448405	made:0.14871029061055335	out:0.09287530658861139	up:0.09118244764460895	feet:0.08376748653362669	them:0.0821225719521718	him:0.07802484037383414	it:0.07602632276405312	:0.01
;:0.1860501056825479	in:0.1581799105850961	him:0.10981112656984264	it:0.10138432104085218	it,:0.09781858431442668	one:0.09060563181610878	feet,:0.08589744573864026	and:0.08427890202117945	man:0.07597397223130596	:0.01
men:0.37296974302011193	number:0.23411762512735976	matter:0.06342178336800008	city:0.06330681561977929	out:0.060157748946706155	kind:0.05068212255661103	place:0.04943683063992505	thousands:0.04878091045174825	man:0.04712642026975849	:0.01
and:0.2086523753440178	would:0.1468217595310767	will:0.1371079827302862	not:0.1168404764291642	to:0.08349833243602549	had:0.07680435948955464	have:0.07658457551900566	was:0.07551861438424474	is:0.06817152413662447	:0.01
the:0.2584370386898756	and:0.17407984820835767	to:0.14748263120336905	of:0.12166594860433622	in:0.0725524639895902	be:0.06172551520608559	that:0.0529369222598797	is:0.05177386334512989	a:0.049345768493376053	:0.01
as:0.20901265774560066	and:0.14718014366104396	came:0.12154210382906457	up:0.12054102556691379	back:0.10132170867887318	them:0.0786021990783674	come:0.07577266150059332	it:0.07384764401649717	brought:0.06217985592304597	:0.01
;:0.18128128537073154	Mr.:0.17243646703541538	1:0.1041457812652724	,:0.10086408992877177	up:0.092062416772912	.:0.09120352800389146	to:0.08867299443021533	in:0.08345180570161288	city:0.07588163149117738	:0.01
<s>:0.5302441846932214	it.:0.09845265154300802	them.:0.09062024359988452	day.:0.0567671799937784	him.:0.05136469947047096	.:0.0473957327581153	time.:0.03978633186721436	country.:0.03835295687449016	men.:0.0370160191998169	:0.01
the:0.6956664126872634	said:0.09053871991688783	The:0.06012993955787088	State:0.03934075898025227	tho:0.036883842494613135	and:0.02100870337918563	a:0.020089815292682486	tbe:0.01429525584179693	County:0.01204655184944736	:0.01
those:0.24405078312287082	man:0.18964406299653352	one:0.13493274774356828	men:0.13214373206459903	and:0.10687997572450006	people:0.06089981096740643	person:0.041209408153728935	all:0.040207474656711185	woman:0.04003200457008184	:0.01
the:0.6671151752287757	a:0.18178006128734256	tho:0.03517562429329244	The:0.034183860627816406	no:0.020787174889680536	and:0.018940246769710248	tbe:0.012758630446120823	very:0.01004927523974988	great:0.009209951217511345	:0.01
well:0.3356911554864022	such:0.15973503730427285	far:0.11394222839675228	and:0.10872126363454726	just:0.06882631815404701	known:0.06828647402866661	soon:0.06258273465130193	is:0.03734532673611848	much:0.03486946160789134	:0.01
and:0.39667571031591686	that:0.21781401290427624	but:0.13852360305499126	But:0.060179123036269974	time:0.05597234897685332	And:0.04205840515082671	or:0.03116601652443294	come:0.024943154895404912	even:0.022667625141027714	:0.01
from:0.27044136607033803	of:0.1839178662546399	S.:0.1307838627086978	.:0.0834615885131001	N.:0.07338347243408115	Mr.:0.07301572562344899	the:0.07146569671237693	by:0.05237374749718924	D.:0.05115667418612795	:0.01
more:0.20956910130701792	man:0.15275768570114256	person:0.13458977989440235	one:0.12960784028809882	two:0.09049876262269312	law:0.08191387945155089	in:0.06685221702397422	three:0.06363270371593077	State:0.06057802999518935	:0.01
an:0.6086271656337685	the:0.14628092666631096	most:0.0716017432007081	and:0.04509028650116507	An:0.03375267201628633	very:0.03145170027060491	this:0.020542407396443113	a:0.017877329467468492	The:0.014775768847244675	:0.01
and:0.2501512028852713	Committee:0.20336508491301394	was:0.11050684012567177	committee:0.11035425635665398	that:0.08337255322551503	is:0.0620454847770018	be:0.06051112887723936	going:0.05630129224912286	out:0.053392156590510026	:0.01
the:0.6178275010657738	an:0.09968491307035862	of:0.08502332408410675	The:0.04883669182270922	a:0.044894557552914625	and:0.03661567986343977	in:0.02471623424850016	tho:0.023498340436839828	tbe:0.008902757855357359	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
the:0.29901520570410234	of:0.19902262332446413	or:0.15637309165202043	and:0.11320533793720235	in:0.08124744167707618	for:0.04917959110650531	by:0.03142524321697805	to:0.030291478407818036	at:0.030239986973833108	:0.01
the:0.23817289250408002	and:0.17953921934024847	of:0.1341673934481019	to:0.11755088784677939	a:0.08897589497123656	was:0.06258675681110143	Mr.:0.062114665727191466	be:0.05420321962070791	his:0.05268906973055282	:0.01
<s>:0.5651010274269848	.:0.11249698542568126	it.:0.0738375160011762	them.:0.05045060515540696	of:0.04230197731856313	day.:0.04162786131263165	time.:0.03793150841153973	year.:0.03395629922491956	him.:0.03229621972309694	:0.01
of:0.2799287370261997	the:0.2546281967517369	to:0.137736913058016	and:0.1067739580100115	in:0.08179874086441999	from:0.041555603122567245	for:0.030578311013882146	or:0.029969652700750186	The:0.027029887452416412	:0.01
to:0.31853375290303776	I:0.19831015060557652	and:0.12763051804598458	we:0.08070996589852576	you:0.07141843143901368	who:0.06293623762340268	We:0.05483611455386778	the:0.03882411693858584	a:0.03680071199200529	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.4048500754022898	the:0.18991771373119407	by:0.09308762570784838	on:0.0708392110833343	and:0.05972695904058262	to:0.05775221842719257	in:0.054562167630661504	upon:0.0321354225054393	with:0.027128606471457265	:0.01
;:0.18353869485350222	heirs:0.1542996411617388	men:0.11576039349386068	mortgage,:0.106795213329546	in:0.0975073020519477	State:0.09104069666577196	city:0.08525807923858318	States:0.08364380739739644	to:0.07215617180765303	:0.01
will:0.6612213139688903	would:0.16393544188217238	and:0.04603872363780309	is:0.034882314878449165	should:0.02012959422112279	must:0.018933684686334953	shall:0.017212935828336	may:0.013893029484347915	can:0.013752961412543403	:0.01
to:0.35274252363233377	the:0.20838640421285745	and:0.09651372477952365	will:0.08485589871747386	would:0.07122032139604052	not:0.05783547922242354	a:0.0418977177536135	can:0.0383681725545646	may:0.038179757731169064	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
and:0.29211138447447055	made:0.19571913870234192	or:0.09628449857869373	that:0.08983215707584402	side:0.07345421699179873	occupied:0.06742963860758391	up:0.061102507525096224	secured:0.05771256172717883	owned:0.056353896316991926	:0.01
of:0.30200111338747676	in:0.15537735644983589	to:0.0968607141543127	by:0.09502183326588053	or:0.08880398112750912	for:0.0868666758247193	at:0.060111533803105695	as:0.05268139322823019	that:0.052275398758929795	:0.01
man:0.22158679416938376	those:0.20795937808677092	one:0.16266220052179173	men:0.11428492759123675	and:0.08678808253472373	all:0.06845897701926784	people:0.04731482393076181	woman:0.0434824776537427	person:0.03746233849232081	:0.01
and:0.24195372743211044	is:0.1622799161884274	was:0.1616284604476465	not:0.09724856386049616	or:0.08116580988486333	be:0.06876968859655898	been:0.06819840781328892	are:0.06610735296222402	were:0.04264807281438415	:0.01
and:0.37472216893073873	know:0.13387886723101006	matter:0.1295516490801001	see:0.10608329250113942	to:0.07545704132745834	or:0.050959006220979965	of:0.04841280965607564	is:0.03824295753162482	was:0.03269220752087306	:0.01
was:0.19348939933026693	and:0.17132302310628864	is:0.12086922790599378	are:0.1095118725306551	be:0.1021754916018093	went:0.0790524382754389	were:0.07682424396145879	it:0.06850707111576657	come:0.06824723217232195	:0.01
is:0.16342984961882948	and:0.1617168108711361	was:0.155431197262705	it:0.13238310935239792	that:0.08482555768227644	on:0.0801941620045989	up:0.07871900692293397	-:0.06710439522215467	It:0.06619591106296742	:0.01
the:0.5367785676475667	a:0.09913180874283684	all:0.07156944520507288	to:0.05471168419009726	and:0.05392996045737654	his:0.04743240200829893	no:0.04432126513762089	was:0.04428813951698024	at:0.03783672709414974	:0.01
carried:0.1996587921978813	taken:0.14482145878663097	it:0.1120931267826809	went:0.09260917577031605	turned:0.09217145831855021	go:0.08959843879542181	get:0.08805290510745402	thrown:0.08605941813252264	pointed:0.08493522610854215	:0.01
I:0.15889252922676528	and:0.1526203647048206	have:0.12244471236335328	who:0.10193425857622772	he:0.09928497049200909	be:0.0953965706992943	they:0.08840115536665577	had:0.08789680208484661	we:0.0831286364860272	:0.01
of:0.31805984865208736	in:0.21301398220638795	to:0.16033935840945385	on:0.05517987318985668	with:0.0532654000082925	In:0.050938822752860796	and:0.04727191668162191	for:0.0471664436164478	that:0.04476435448299106	:0.01
of:0.2775823654949323	in:0.14015884515621155	with:0.121582681636841	is:0.09897663119884043	to:0.08864696712774395	and:0.07963801328291438	for:0.07606510035879992	was:0.059050824946662	by:0.048298570797054324	:0.01
and:0.2456742531225252	was:0.13380453386353447	made:0.11718953954085287	up:0.09786356604772764	engaged:0.08539647898915109	is:0.08086698973311832	it:0.07802273372422548	be:0.07681447573065658	time:0.07436742924820856	:0.01
of:0.3617935146076989	in:0.16465459866436605	to:0.12199197438352917	on:0.06931391433604171	with:0.06688619475773343	and:0.0583327968284164	for:0.05590542853825237	from:0.04628195539916087	at:0.04483962248480114	:0.01
protest:0.2352275405538314	and:0.15084612289817434	up:0.09955781058262712	made:0.09751014825504264	voted:0.08841298176843052	claims:0.08439363287706252	vote:0.078620499699835	guard:0.07798548506815406	fight:0.0774457782968424	:0.01
the:0.38162430942600434	of:0.19549814246680397	and:0.1100685447750663	in:0.07710394291455039	The:0.0584682302842296	a:0.049291569639098774	that:0.044961981442597936	to:0.04215361418028708	is:0.030829664871361694	:0.01
out:0.18510026776968166	matter:0.16072435511466893	number:0.13755810693383438	purpose:0.11944923960069971	means:0.0893044238205877	is:0.07905413345928383	kind:0.07612382011368901	cost:0.07555465636419252	be:0.0671309968233622	:0.01
the:0.3541192801237637	and:0.18274902945749957	of:0.1508474354492074	to:0.13697978199763042	for:0.04186656990746334	that:0.03897422773635804	I:0.030481839846070623	in:0.027523722769580785	a:0.02645811271242606	:0.01
a:0.5867256183698464	the:0.10441332558911205	of:0.09343807582569856	A:0.062352291001113856	and:0.04145597444635527	very:0.0312252923042797	this:0.024129733558358648	in:0.024075623151688354	that:0.022184065753547182	:0.01
the:0.3308162184315038	of:0.16966964773089072	to:0.10704039964657876	and:0.10668551044478329	a:0.09940308099005661	in:0.05525536586325709	be:0.04380313950800813	his:0.04174117051452463	is:0.0355854668703971	:0.01
<s>:0.4174312549089936	it.:0.14921683273509548	them.:0.10554572919892358	us.:0.08530179405316811	country.:0.05514020052900412	people.:0.04729541364230892	that:0.04637041767302545	day.:0.04429239101214437	year.:0.03940596624733655	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
guardian,:0.2525021871612373	one:0.16658816223335357	person:0.11951099456122204	two:0.10582496991075896	on:0.08921553774889873	law:0.0729932891553348	more:0.06293142613512809	day:0.06147414490728113	and:0.05895928818678528	:0.01
to:0.20824004866035978	the:0.2040097545902015	and:0.19980432728505823	of:0.15978957334487476	in:0.06337877849958568	a:0.05463758289552893	not:0.03746152227349155	I:0.031804518390908185	be:0.030873894059991417	:0.01
day:0.3816325076339729	and:0.14886447846202405	until:0.14658467842558975	days:0.07404183653196308	shortly:0.06897730979937536	Shortly:0.05186094767866423	month:0.04422453374829475	that:0.03726454306936476	week:0.03654916465075122	:0.01
that:0.15320269930433977	and:0.15133848077447254	<s>:0.14912655525597182	lot:0.12156606179051968	one:0.08748428959248179	which:0.08687495642551657	State:0.0843110134121076	land:0.08150463674955437	day:0.07459130669503593	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.5459758805755262	not:0.15724877584345834	will:0.05955614960477351	would:0.04825958653543497	can:0.047127717743865656	could:0.04040046239064917	and:0.03315027126744554	cannot:0.0301228831216081	may:0.02815827291723853	:0.01
that:0.3294308741046761	as:0.153244906030312	which:0.1337712537162838	and:0.12314626264849338	if:0.06773353770831946	but:0.05645199182524176	what:0.05158178351797282	because:0.03863810312508325	when:0.03600128732361744	:0.01
of:0.3690543291390253	to:0.11466192792594385	for:0.10917293069800837	in:0.10033219704411525	and:0.07634442431560844	by:0.0720068706034419	that:0.06364059200645093	with:0.04916009711695969	from:0.035626631150446335	:0.01
to:0.38411958439304783	will:0.16795803735302053	would:0.11187990746648242	not:0.0897151806246136	and:0.06426368395135039	may:0.05349530139819328	shall:0.041929728056745885	who:0.04171380273093033	they:0.03492477402561574	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.32344792120366006	and:0.13574983968668922	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074353	be:0.039104903932751574	:0.01
and:0.24588019897458832	was:0.14761520091651767	be:0.121194922476628	are:0.11530233532496321	is:0.11323484589365461	were:0.06768535231315581	up:0.06415116641972733	succeeded:0.0602554351428013	them:0.054680542537963735	:0.01
he:0.22565520291587576	I:0.16015572606977826	they:0.15287114853489603	it:0.11880346306317101	who:0.09679155147566872	and:0.07868848249606415	she:0.06539639742457176	He:0.051405357019523534	you:0.04023267100045072	:0.01
of:0.2735900659577961	the:0.1555769448654546	and:0.12432954580218311	a:0.11720381974340094	to:0.1041505709777092	in:0.08233958509752284	was:0.045557072074220245	with:0.043647118952881044	is:0.04360527652883189	:0.01
is:0.20083799721009343	was:0.15764336990869743	and:0.11637736250560492	had:0.10844825790288498	have:0.10250205234420251	that:0.10104446003168013	be:0.08195307367820068	of:0.0634941754255457	are:0.0576992509930902	:0.01
of:0.33052360860577135	and:0.1720007658883718	to:0.1505797149447807	<s>:0.0943642992464319	the:0.0714078389714634	by:0.0700349381419016	that:0.04373301218798457	with:0.028918162703278655	for:0.028437659310015996	:0.01
and:0.1951060423070764	called:0.17141350145046255	based:0.1163678018584929	down:0.11153637060501025	placed:0.09821204492419602	depend:0.07852066283373466	put:0.0766750233378742	insist:0.07205212018520861	depends:0.07011643249794439	:0.01
the:0.4631322609143163	of:0.17645818880734068	their:0.0764678923898216	and:0.06694900216112204	his:0.05502635562233062	thence:0.04164797094530116	to:0.038281233167904015	tho:0.0367866755432707	its:0.035250420448592834	:0.01
the:0.33427748995795603	and:0.2538117693744785	to:0.09256648706410908	of:0.06773569629595935	The:0.056685519694421815	a:0.05393169454560443	his:0.049649645592512524	an:0.041505046760491625	all:0.03983665071446674	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.23736402922406297	his:0.22951141222149501	a:0.12287950369176473	the:0.11267293678722468	my:0.10129653312977377	her:0.08989666919902446	for:0.03559638067490484	and:0.034234064834967645	their:0.02654847023678189	:0.01
of:0.17451125771465034	the:0.1732232283277763	and:0.1668826833361004	to:0.13664807827078945	in:0.09068388551616792	a:0.08653808074670671	for:0.07542976968069702	are:0.043997104160824176	is:0.04208591224628768	:0.01
and:0.3359723945695816	fact:0.1316189254902583	said:0.10667449643560811	so:0.08713045707286649	is:0.07379644658727269	say:0.0657800671011853	was:0.06486039920086528	him:0.06351804887687972	found:0.06064876466548251	:0.01
Mrs.:0.21174850227246647	and:0.17882747542480582	of:0.1365960931393555	Miss:0.11854429166371819	Mr.:0.11848413421243623	by:0.093764711589279	the:0.052500334788620984	<s>:0.043892800812575204	as:0.03564165609674269	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
160:0.21490305630490938	hundred:0.18673059165180622	two:0.11353199677727775	of:0.10501981396455386	ten:0.09727084760434805	thousand:0.07504530833629348	100:0.06875180473727005	40:0.06467985441284836	five:0.06406672621069272	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
I:0.3893417099341982	to:0.19527129786600156	not:0.1562148802617741	you:0.07382400367860693	we:0.043835478305518476	and:0.03694221958903135	don't:0.03652216363340329	1:0.029374424689150632	We:0.028673822042315427	:0.01
of:0.18360155585034832	by:0.18024034481992957	in:0.1593912439666423	and:0.14605496716079602	for:0.09902055431429352	is:0.07395665560598104	with:0.05826585275385294	without:0.047691895769989355	so:0.041776929758166985	:0.01
the:0.43985549332584667	a:0.2217118070490559	no:0.08582212103208824	this:0.07388906059483631	The:0.05451762690751153	any:0.042991460650465954	tho:0.024463054204111774	great:0.023978724160858642	in:0.022770652075224943	:0.01
the:0.28911769851370467	of:0.15034482710262848	and:0.14727364343021293	a:0.12256378698685642	to:0.11180388212332248	be:0.05566769946958989	was:0.044440704312762515	or:0.03660687066406267	is:0.032180887396860036	:0.01
that:0.30889998437375027	and:0.2691636846426319	but:0.09453267767662668	which:0.07924995511056311	as:0.07194781634581804	when:0.054143043247141365	if:0.046237212932369806	<s>:0.03822955568271643	But:0.02759606998838237	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.5765710178788335	and:0.10198613505613857	will:0.07590251650899273	I:0.05793825517067407	who:0.04043929268829457	not:0.03964404662699322	of:0.035283710992980874	a:0.03180873798607731	would:0.03042628709101516	:0.01
and:0.3258493087155032	was:0.1495549063948171	not:0.08091619419092287	be:0.07965707164980744	is:0.07916620561333859	been:0.07030589655219548	as:0.06926407283094677	called:0.0681131162434365	him:0.06717322780903186	:0.01
<s>:0.5290680137429605	it.:0.10898560659542361	them.:0.07715209585505366	time.:0.051375149735960635	and:0.04943442512922945	country.:0.0473026061026879	.:0.043719667723217254	people.:0.04343331479763375	year.:0.03952912031783312	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
and:0.36880563161039703	the:0.13768628329641833	that:0.09728829242579938	all:0.081592629035257	as:0.06944443627760209	I:0.06474439461593647	he:0.05738667954263601	other:0.05700422739095395	it:0.056047425804999836	:0.01
the:0.2350841423453856	of:0.17536786387388423	and:0.1705140893292766	in:0.16311864654060312	to:0.06460160819441706	for:0.05309697252270293	be:0.04757217403682901	In:0.04075127841283315	that:0.03989322474406837	:0.01
a:0.3675995290905144	the:0.3293364936051699	any:0.08804349519592469	some:0.05924116511621318	large:0.04144038223103879	highest:0.03183427847554633	great:0.027283537810200254	The:0.023052507318060585	no:0.022168611157331923	:0.01
daughter:0.19213339110462818	name:0.1579340289797136	son:0.10893901937173468	city:0.10608193449873268	number:0.09526863723354806	people:0.09392807889417885	line:0.08618931677626104	and:0.0814559863151049	residence:0.06806960682609797	:0.01
of:0.37888252473908907	in:0.1282086180355952	to:0.10441990140392647	and:0.09593832568712528	that:0.06971949913892456	with:0.06106707741411148	for:0.0608570667914635	by:0.05176039007607272	from:0.039146596713691764	:0.01
the:0.45236935252839516	of:0.17740474557301472	to:0.0795418054437398	his:0.06396317839330605	and:0.0552572952888115	a:0.04708588061628919	this:0.042629815248355	as:0.03815045050411713	The:0.03359747640397148	:0.01
to:0.3075485877417781	of:0.28673853847419306	the:0.08420265236946095	in:0.08060623471563905	for:0.05863044996558674	by:0.04775124068806186	with:0.04493053208207402	and:0.04388912659113672	at:0.03570263737206936	:0.01
the:0.26663240329053406	of:0.2416091339064368	and:0.11996931932907558	a:0.1124466390191141	to:0.08549385860193609	in:0.06912546619392786	for:0.040348387236663674	.:0.027280949457135266	by:0.027093842965176588	:0.01
.:0.17013690342437549	-:0.12485383901628865	and:0.11539785885270057	of:0.1125709574910738	a:0.11025606437477092	re-:0.10637603412112374	the:0.09503425509608791	to:0.08489201758794505	<s>:0.07048207003563377	:0.01
amount:0.18451834698770145	payment:0.12752257453928736	out:0.11773798217753961	value:0.11619392664193294	part:0.11477524831687132	proof:0.10470183198149745	all:0.08274505676876123	tion:0.07631394920116809	proceeds:0.06549108338524051	:0.01
the:0.4166413294163892	to:0.16516568820342092	a:0.15866230130485526	and:0.1087685232288063	The:0.04103542643400256	or:0.030633245087742834	tho:0.025487019165127963	in:0.021922699868966625	re-:0.021683767290688376	:0.01
the:0.48175912295048784	and:0.18655911928637678	his:0.09724143873019517	The:0.08757367249141958	her:0.043753084856417046	a:0.02698233620074019	of:0.02649054193566613	tho:0.02068512092642001	my:0.018955562622277187	:0.01
and:0.16136221394636718	the:0.14347265390513025	of:0.12185872450726948	which:0.10494831384412297	a:0.09476870116363682	it:0.09361156469588593	that:0.09296513363681652	It:0.08888425488026004	he:0.08812843942051073	:0.01
Section:0.161606053402899	No.:0.15819744568884284	of:0.15418140954329573	.:0.11782503638652847	<s>:0.11076558762198876	and:0.10815736021187049	to:0.09295818832789216	the:0.05052327149580648	5:0.03578564732087611	:0.01
that:0.3227295060685736	and:0.13804408337402763	as:0.13395646036018427	if:0.09961633297844819	which:0.09415047504242495	what:0.05751988949235051	but:0.05398583816095033	when:0.051012175027060354	If:0.03898523949598031	:0.01
the:0.3374152260574117	of:0.1958757951435572	and:0.14549124228849045	to:0.07840375825723893	in:0.06141174416217848	a:0.05037503337296118	for:0.04692293036363532	The:0.038733167080865716	as:0.03537110327366107	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
a:0.6788237457056819	A:0.1019350763694596	very:0.07408768640730228	the:0.062215078150902645	but:0.028953697669228794	Very:0.011284003720083084	this:0.011049869708913676	is:0.010988746238161118	that:0.010662096030266795	:0.01
as:0.26344846691349666	is:0.14855235432065217	was:0.13924949154116056	of:0.10877783056590509	and:0.10121462540440247	be:0.0782531661882571	with:0.053203303761492696	by:0.05077186529684269	in:0.046528896007790525	:0.01
be:0.2336388793430852	was:0.20740232800113986	been:0.11592187106359027	were:0.09571316640565611	and:0.09458360054266796	is:0.0847128584322283	are:0.07486178100199854	had:0.042220615312286394	have:0.04094489989734726	:0.01
and:0.30813827370948377	said:0.1730589697868629	fact:0.11175374042727586	stated:0.09076470050424858	so:0.07733344451894186	him:0.06626454011197735	know:0.06377304208821113	say:0.049787186448953615	is:0.04912610240404502	:0.01
the:0.6730216580480144	a:0.060794435697206634	of:0.06006508849549838	The:0.042393000227180344	tho:0.040535046637416805	any:0.03798213398085299	an:0.02759608159955274	no:0.02735724925051182	and:0.02025530606376569	:0.01
of:0.4580437412591612	in:0.1153755557166889	on:0.07903094359402128	and:0.07693522861716062	to:0.06768753859441562	for:0.06257081116064231	that:0.0477489143995006	from:0.045520877255316734	by:0.03708638940309274	:0.01
it:0.1921278232971985	I:0.16353672814364642	he:0.14828097751304353	It:0.12009222869643395	we:0.11874289695586418	they:0.11459528351250944	We:0.047894328539064	and:0.04657853342455461	you:0.03815119991768531	:0.01
the:0.35704948455199803	and:0.19569839124732874	of:0.17066785543405627	The:0.11172442877965488	that:0.04277900599371835	these:0.03153273173181317	a:0.028047350814569483	or:0.027399312475863052	to:0.025101438970998136	:0.01
the:0.30920961941601777	of:0.2584472614495088	their:0.08129567353654271	and:0.07388859256191596	his:0.061296884299724214	two:0.05814923995712511	few:0.050992036704936336	at:0.049705701139767404	our:0.04701499093446167	:0.01
of:0.24940130096946692	the:0.20749374954699154	in:0.17325058340850508	and:0.08409339840059986	to:0.06398898578601202	at:0.0606818520610191	a:0.05365568090601896	In:0.04973005902239976	for:0.04770438989898679	:0.01
the:0.14209233471846394	dollars:0.13426801508790595	it:0.12046765562658776	;:0.11032987793964567	more:0.1094417564326821	law:0.09951019472268421	I:0.0971791427016351	and:0.09106605858036346	time:0.08564496419003187	:0.01
and:0.2392761619529602	the:0.20252633277964796	to:0.15505354683832503	of:0.09835249007544924	a:0.06691353613611971	be:0.06123401944219217	in:0.05984236791299932	is:0.05794177504019473	for:0.0488597698221116	:0.01
to:0.19480524549751269	of:0.12616122655392104	was:0.12499532537515656	.:0.11452776029403947	the:0.10828035636941605	and:0.09222764899910256	is:0.08901691825536799	be:0.07170556168912998	Mrs.:0.06827995696635351	:0.01
to:0.25899009985987886	and:0.20691113851486853	of:0.12222836551254562	the:0.08594736535787019	is:0.07480810658605944	in:0.0664871705332616	was:0.06439095079885332	con-:0.05644473110180624	will:0.053792071734856284	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
out:0.17479152493052696	one:0.1612745066563113	some:0.1543730398369646	all:0.11549577046618895	part:0.104420569411086	because:0.07383495211930248	account:0.07284118264889747	many:0.07000946912075943	and:0.06295898480996275	:0.01
the:0.35295075096745687	of:0.23576116297493566	to:0.12888654523496526	and:0.09050904376590592	in:0.04133297937505859	be:0.041256673741006576	for:0.03751470473767561	<s>:0.031533700307135176	a:0.03025443889586021	:0.01
to:0.30397195288530915	and:0.2596321408474077	a:0.08069073599427827	be:0.0766171807790065	been:0.06883768947627619	was:0.062119427135784784	not:0.0479678629999278	which:0.04672179640539257	the:0.04344121347661696	:0.01
<s>:0.24643505364970167	that:0.22567481111489607	and:0.11986402130738497	it.:0.10509411761497947	but:0.07308474448235741	as:0.06237988616146023	them.:0.06028718069699419	country.:0.04939834692648971	of:0.04778183804573639	:0.01
and:0.22609303359824467	the:0.17788337604186136	of:0.11428275242722333	to:0.1060351852256751	is:0.09179374624726404	was:0.08402512027052025	be:0.079150214643133	it:0.05537962545678961	he:0.05535694608928863	:0.01
he:0.25866189028206954	who:0.1369177455975754	they:0.12385447154700999	I:0.11175566056521612	and:0.09355373157210568	that:0.07570005802530481	which:0.07247650778730208	she:0.06663178853794524	it:0.050448146085471046	:0.01
and:0.4938384239028692	that:0.19933033274308412	but:0.08521805883733344	and,:0.046389513227118616	;:0.04253372838970458	that,:0.03533342298189964	was:0.029644769439331083	him:0.028916499140616787	worth:0.028795251338042522	:0.01
is:0.2205111199644446	nothing:0.1418342335643453	;:0.13724717562977512	are:0.1334864583774074	was:0.10335811218518991	it,:0.07501878073405431	had:0.06219892462974463	have:0.05840474695122616	them,:0.057940447963812695	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.2037566932541571	time:0.13732383306566875	days:0.1310321499412428	or:0.1092357798316684	years:0.09759097452903723	day:0.09111079867379565	that:0.07503540110469273	but:0.07329294565815087	long:0.07162142394158644	:0.01
manner:0.3946119345675231	and:0.18749701924918538	that:0.10855654014299566	way:0.07037996389927752	time:0.05382876808607621	it:0.04775881818150396	all:0.04270273332279963	one:0.04238708288685656	part:0.04227713966378213	:0.01
and:0.23016330341894506	the:0.21033662900634628	of:0.14953929609168148	to:0.10359529083998995	Mr.:0.07681780096254333	a:0.06247848744048211	he:0.05743720759186067	The:0.05455030488320425	that:0.04508167976494684	:0.01
the:0.4071329478777791	a:0.28999629369892305	and:0.06496273576659746	The:0.047899071461165336	his:0.04771714471253088	every:0.035267232986163154	this:0.034132803781767806	United:0.03249274986692277	young:0.030399019848150473	:0.01
and:0.32311634278934404	him:0.09870937808207801	application:0.09552818008284919	was:0.09108249895321115	it:0.08441184299744424	up:0.08234572242630689	made:0.07437354501364973	out:0.0712836163279344	time:0.0691488733271823	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
the:0.32248525646726783	this:0.2848279540121546	his:0.09088106918864726	that:0.06859700697630082	first:0.059471181186959224	same:0.0479714345584114	taken:0.040654171824742555	on:0.03861619298184641	took:0.036495732803669814	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
and:0.24586106563762794	that:0.19291442337572084	as:0.1582276882507273	which:0.11844534903998366	when:0.10439807727508862	but:0.05322393199703669	where:0.04352024120485205	if:0.04107740865392174	what:0.03233181456504113	:0.01
of:0.2406949107463933	the:0.2175184335573547	and:0.11622761999155935	to:0.10185979519686265	in:0.07191313047816124	on:0.06921367195369656	by:0.06760785234168508	a:0.05547175789050041	<s>:0.04949282784378674	:0.01
it:0.3229148804998068	It:0.20885518811914014	which:0.09452387091857796	that:0.08305051442679678	he:0.07700962249542338	and:0.07523778917849017	This:0.0530721519640049	there:0.04052054528904072	who:0.03481543710871911	:0.01
going:0.16876758153502985	looked:0.16312665309231986	went:0.14118828112341136	was:0.11174102504250469	go:0.09257401973967332	relied:0.0884345416774053	and:0.07747111408342827	is:0.07578864250621091	put:0.07090814120001653	:0.01
of:0.2508758083399214	the:0.13939657028008415	and:0.12141304943845278	a:0.09737387174840023	to:0.09410529040550239	be:0.08401316431511605	was:0.07546691963965538	in:0.06843925731607996	is:0.05891606851678777	:0.01
and:0.32243046108811946	there:0.1330055076356382	that:0.11573475220947853	or:0.10305637728895473	There:0.08243232400649068	<s>:0.07684319106477512	which:0.0638105173210241	have:0.04976281184084543	one:0.04292405754467378	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.2309913090124689	to:0.2062328003331781	at:0.12941770051310678	the:0.12231498138049367	and:0.09180012584581808	.:0.07044146642891227	in:0.06696614017486326	<s>:0.042785041310943545	by:0.029050435000215438	:0.01
for:0.23858053502152524	of:0.1554415067315197	and:0.12650478359800468	to:0.1195898845026351	with:0.11332272999276503	in:0.08695225747523848	upon:0.05289200918726235	see:0.049403709035206946	by:0.047312584455842466	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
this:0.2756826860880134	the:0.18366027818396186	last:0.14167209206306583	a:0.11602345852629835	each:0.06698188518606699	past:0.06585150100439079	next:0.051983700878566026	every:0.04944230960883566	one:0.038702088460801115	:0.01
a:0.32163556132905313	his:0.13266047776749718	the:0.12172992020973335	good:0.07716321843819539	their:0.07342707892265547	and:0.07240710380606903	in:0.06946074242787867	great:0.06729968812659852	of:0.05421620897231921	:0.01
the:0.3394183785786552	of:0.2384467434824856	to:0.07946354018643384	by:0.07370123594756736	in:0.07198798502157928	and:0.06533060377914884	for:0.044405235012535814	that:0.03883913630833406	on:0.03840714168326003	:0.01
to:0.751812202438176	of:0.06893429538266069	and:0.06755694946393914	the:0.03099023463765835	will:0.026317220839442955	by:0.01267281589841417	a:0.011835817396373587	as:0.010626757031384602	for:0.009253706911950304	:0.01
and:0.22705933158200184	that:0.12222810041050475	for:0.10340336970230118	of:0.10133173198172785	make:0.09437298643925861	as:0.09433959133345796	in:0.08876305544002096	with:0.08265884027165848	but:0.07584299283906834	:0.01
made:0.20606676360262302	and:0.20040532528491087	owned:0.13383030805196736	occupied:0.09301599772971744	accompanied:0.08391360314116256	assisted:0.07739609939906003	given:0.06832840876283912	followed:0.06786946081494064	signed:0.05917403321277898	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.38742866293288114	to:0.14333840923957245	in:0.12112684239190592	and:0.10425612280902881	by:0.05883590382179759	for:0.049720783066387206	with:0.04425015031008829	at:0.04089804023335892	or:0.040145085194979696	:0.01
the:0.329036422627363	of:0.17996497079047444	any:0.09591234037744498	in:0.0807200153841733	and:0.0796229254984585	to:0.06518081465532992	great:0.0629236244632163	this:0.05129655718292059	their:0.04534232902061901	:0.01
the:0.24241359656917102	per:0.1613665183341211	of:0.1543275110383344	a:0.1500639326071356	for:0.06401717884286899	all:0.06337046843895335	his:0.053713697496203146	said:0.051125244649675994	and:0.04960185202353651	:0.01
of:0.31662382482780055	the:0.18822284322808477	in:0.11578788137479393	and:0.09407676728996123	that:0.07488917283524958	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.03956238267555868	:0.01
of:0.23059993295022654	and:0.14909374424054872	are:0.13138586905023653	in:0.12517374203625173	for:0.11820305596799924	is:0.10877626715721994	was:0.04978038911471595	by:0.039449007509923924	with:0.03753799197287745	:0.01
It:0.4245447292307535	it:0.40172736197500303	which:0.038166535851722624	he:0.02925560945751673	This:0.0268345974831374	that:0.019624329976205546	what:0.01759216083871309	He:0.016668386119295706	who:0.015586289067652418	:0.01
be:0.27234184250520493	was:0.1703808299330178	he:0.1367177735977703	and:0.1189137707104705	is:0.08975378523863084	been:0.06383969725295471	were:0.05070188965057249	have:0.043774590121325334	are:0.04357582099005307	:0.01
they:0.17763346979880015	it:0.14073404780752452	we:0.12750438405009043	which:0.11633108496427275	he:0.11101559646933737	that:0.08940175810389824	you:0.08704707123614754	It:0.0797334422472762	as:0.06059914532265278	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
in:0.16617154638588447	and:0.15490860242904173	was:0.1213242771436362	<s>:0.09784482114861877	I:0.09589383358231784	have:0.09576522717290156	is:0.08851192736955037	it:0.08557223232851315	be:0.08400753243953579	:0.01
a:0.3326511039826124	the:0.317507415699071	good:0.06503087848465593	large:0.06230056606910792	an:0.05686364564075581	and:0.04637746847370331	his:0.040961088038052144	The:0.03840257650053958	to:0.02990525711150183	:0.01
and:0.24715944158911993	depend:0.10115542297585235	based:0.10085046174861782	placed:0.09929781518962862	depends:0.09865819847804204	called:0.0967281156431388	down:0.08601932662424668	made:0.08525060516232963	effect:0.07488061258902408	:0.01
forenoon:0.177542069486481	one:0.15197902685962286	result:0.12154738781861386	out:0.1146226779973252	all:0.110600438530804	part:0.09375218969813726	some:0.07435440729973954	much:0.07302022176870575	is:0.07258158054057061	:0.01
the:0.7184355988902057	a:0.09625069659804711	The:0.03242331198097496	first:0.03120069382588804	tho:0.027521297979520843	some:0.024146463257909086	in:0.023473967365877233	any:0.019965273414143652	this:0.016582696687433358	:0.01
statute:0.4186740486360634	and:0.1773874122872153	that:0.07552749244437032	or:0.07132424490596527	as:0.05800094168043707	is:0.05059550344693197	it:0.04914277446266791	was:0.04506424724176516	be:0.044283334894583616	:0.01
the:0.6561544013991187	a:0.07712959083037613	this:0.052345924724337974	of:0.04998980820361741	and:0.03857919576304342	The:0.03614677498196993	tho:0.03273764962079024	his:0.029588075009766984	tbe:0.01732857946697907	:0.01
and:0.28641025350703253	as:0.22699492599549081	that:0.1939790763494801	but:0.06908801986170078	even:0.06608133031186106	him:0.043729791713563844	asked:0.037578323380025286	or:0.03695018532460019	But:0.029188093556245367	:0.01
the:0.33234301859327503	of:0.16511810112924477	and:0.14359386254401948	a:0.07809521494992094	that:0.07723479213752328	The:0.052790940042757695	in:0.051550293467254364	no:0.0449303041329755	Mr.:0.04434347300302878	:0.01
they:0.16411413779390915	it:0.16381227969252504	you:0.12508175132202787	we:0.12229042957103604	which:0.105342127016125	that:0.09969303231617851	as:0.0768878522539875	he:0.06655800993612754	It:0.0662203800980832	:0.01
any:0.333189405354824	the:0.23487862645013827	a:0.10673885330163602	this:0.09153680205050807	that:0.07229031704534176	no:0.04439878414234094	on:0.039200892452918655	or:0.03431928679275764	of:0.03344703240953464	:0.01
to:0.33374178194784143	will:0.25057634785895	shall:0.1115458164177688	should:0.06726724657547434	may:0.05762681793275022	can:0.04891924077201312	would:0.045310390271447135	not:0.03767469818076324	must:0.03733766004299166	:0.01
the:0.297492901961497	of:0.17741408266195474	a:0.14645768029163828	and:0.09158810426380848	or:0.07279359814981	to:0.06981668528850316	in:0.0589873299937157	any:0.0419198791673564	be:0.03352973822171621	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.2897383324568781	of:0.17113076544121678	a:0.10182560711526899	to:0.08415539991493161	in:0.07588252600215932	any:0.07161219763621446	for:0.06930496705250555	or:0.06569006370210649	and:0.06066014067871867	:0.01
have:0.2035515056625099	has:0.16013157071661352	is:0.13807592326864404	are:0.12444921865330454	had:0.11246119157232072	be:0.08679493884993306	was:0.07315174456429568	been:0.052077523017323636	were:0.039306383695054896	:0.01
to:0.2763922595667652	and:0.25226018336027084	of:0.1000720868333263	the:0.09660432122513139	he:0.08679764754265043	in:0.07986806106730322	I:0.03498618953754003	was:0.03200892321032451	by:0.03101032765668794	:0.01
day:0.21104960873812514	sum:0.12966847091875439	out:0.12551453830873985	one:0.119998855203275	that:0.10005226346415659	and:0.08912625449580823	period:0.08075891392094553	time:0.06988702164723982	state:0.06394407330295548	:0.01
the:0.702647471260552	a:0.08017503887173699	The:0.06493118972884282	tho:0.03605454532567898	and:0.03091698706052277	county:0.020288808339707146	of:0.020028554889456728	one:0.01762148160210971	State:0.017335922921392667	:0.01
the:0.36551322110336826	and:0.166710361106638	of:0.14699780490821965	Mr.:0.0789466359295419	The:0.07403960538941572	.:0.04895759910843891	that:0.04139184193439873	Mrs.:0.03515456330297415	to:0.03228836721700463	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.0920144699599962	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
of:0.3894315086970003	to:0.17679790461428574	in:0.10247571424468341	on:0.06091289444230405	by:0.05966692002293444	for:0.05780606442346081	that:0.05122530629224363	at:0.050411647747666696	and:0.04127203951542097	:0.01
of:0.2976919141130418	to:0.20199938496875214	that:0.09621964595262472	and:0.09009616812248172	with:0.07853833831013357	in:0.07779445490576833	for:0.05336796632692153	all:0.048750379535089455	on:0.04554174776518681	:0.01
the:0.21936296420588208	and:0.18192435467214157	of:0.1761691264699115	to:0.09674577732048609	for:0.0840780202939895	in:0.07155130500227722	are:0.0575356517709947	be:0.05413519547159589	was:0.048497604792721416	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.30528939098204116	to:0.16469095814429022	the:0.11479242510292557	in:0.07378108783816778	and:0.0720708844549234	with:0.06872379574022942	on:0.06620370311513506	by:0.06253085871727394	a:0.06191689590501325	:0.01
amount:0.18985130352903415	and:0.18363392229964862	is:0.18332260496868183	he:0.13832503821770148	have:0.07799778047416094	be:0.06106806256060673	was:0.058624767261752565	which:0.04930554989077179	that:0.04787097079764178	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.19201262823736462	made:0.11370609369101872	it:0.11298634998201319	free:0.1098770272484224	miles:0.10358518368342534	years:0.09541548309661933	away:0.08771608651967132	him:0.08738842800025395	them:0.08731271954121123	:0.01
who:0.1872579349290509	they:0.17024611437031828	I:0.1323327695410249	we:0.13004700073259967	would:0.10608817900312209	to:0.083365814129147	We:0.08009036598082461	which:0.05214645611321871	They:0.048425365200693724	:0.01
of:0.22086174204410317	and:0.20784369540523173	the:0.14876889521009876	to:0.10301942972628973	.:0.09847722802531395	<s>:0.07154110511150405	in:0.05230355116430967	by:0.04399055825094308	at:0.043193795062205845	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.3223140554799513	and:0.1766017617572969	of:0.09527534734740607	most:0.08227246877492103	be:0.07918950678019276	are:0.07458544071647608	was:0.06235189251076273	is:0.05685667321772557	The:0.04055285341526753	:0.01
line:0.33935091547134116	corner:0.14876475070901773	sheriff:0.09233754813202127	part:0.07971013530890418	prayer:0.06864363993633359	sale:0.06769529838001451	portion:0.06673290683631733	payment:0.06555504264772635	side:0.06120976257832377	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.3210590725590838	in:0.1296302333618635	and:0.10108694356742468	to:0.09407603020467156	on:0.09406568742832064	for:0.08479230065499793	that:0.06285556179083189	with:0.06162635848627524	all:0.04080781194653082	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.4023075733158051	of:0.16453800189631013	a:0.10543123186270317	and:0.10430466911552289	The:0.07483414157650413	to:0.04873160393309531	in:0.03073083271861779	that:0.03049348677046264	an:0.028628458810978898	:0.01
the:0.35061475791671176	of:0.24812896106266807	in:0.2169447820633766	and:0.047297896646213394	for:0.029253303846949727	In:0.028889067494416082	to:0.025344939387948573	his:0.02521659228375724	their:0.018309699297958462	:0.01
they:0.26004076152708355	who:0.12520266395751167	there:0.11579702370869377	we:0.11373584132620913	which:0.08776419117906968	and:0.08322440250912155	you:0.07598043962573241	There:0.06594329369292243	They:0.062311382473655905	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
and:0.22722245160423316	the:0.19796565807023733	to:0.16135531547798773	an:0.08589094617343913	of:0.07011024273130449	be:0.06874699386337785	I:0.06432212336772365	not:0.06320942331736096	is:0.05117684539433551	:0.01
they:0.30016342663500006	we:0.16079238850864172	who:0.14031378273536502	They:0.06968827616157935	We:0.06967634970895588	you:0.06558563938043878	which:0.06367288806496546	there:0.06171732736271322	that:0.05838992144234044	:0.01
to:0.5962665133524552	could:0.09821125053263544	can:0.07830815749473723	not:0.06519620954355526	will:0.037293319511310964	and:0.03546521111443237	cannot:0.027426066892652486	would:0.026445069799093092	they:0.025388201759127944	:0.01
the:0.32504734827659076	his:0.19772262728992127	my:0.19161384731144562	her:0.0758335222837347	a:0.05346720836779956	and:0.04978810600823371	of:0.03903169771464922	good:0.02908770979324585	their:0.028407932954379416	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.0920144699599962	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
and:0.17887885334165884	was:0.1474847325517969	be:0.12489946272465996	is:0.12248732612297521	are:0.12215564976673594	were:0.0819219669489942	been:0.08034199556089724	so:0.07182705964217022	that:0.06000295334011138	:0.01
the:0.6114149897891703	a:0.09841685265630108	of:0.05807561340298959	by:0.053190172449157885	The:0.05162911618893003	at:0.04515881850613818	tho:0.029440942684696027	any:0.02867195619136344	this:0.014001538131253339	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.40338147068541347	of:0.15724085938304072	the:0.13791984703253587	for:0.05720564297826575	with:0.057192435233362204	while:0.05138179854247044	many:0.050907356423238015	to:0.04359525738880758	are:0.031175332332865832	:0.01
of:0.33864470159169696	in:0.1593918098908133	to:0.1176500235325274	for:0.0858278764886718	that:0.07885986344624525	and:0.0689469077469325	with:0.05420666258208944	by:0.04605904713386136	In:0.04041310758716196	:0.01
that:0.22894298162916124	and:0.18389959895169808	which:0.14233538044387992	when:0.10658309596613334	as:0.09538865855949213	to:0.09182559855047093	if:0.04809103819452874	will:0.04780503333124626	but:0.04512861437338917	:0.01
of:0.3085298888283793	to:0.15180086706736245	and:0.1419940649762729	in:0.10597086113360785	that:0.08095326883799404	all:0.06464800842174469	by:0.05232529838448345	as:0.04209454831487728	for:0.04168319403527804	:0.01
they:0.299954136663756	there:0.12336587267808473	and:0.11314861125863297	who:0.10672175143008082	we:0.08393458953724554	which:0.08312392011761544	They:0.06637683112029098	There:0.057531833544174966	that:0.05584245365011847	:0.01
.:0.19884151423913968	A.:0.11136866873099245	J.:0.10978171836748621	by:0.10429917476665078	W.:0.10006527578073059	S.:0.09748084537872086	John:0.09528473679709795	of:0.08925325764853652	C.:0.08362480829064477	:0.01
he:0.21313790078123296	be:0.139800503584322	have:0.12410965031665502	I:0.1064838006115734	was:0.10157851978405333	and:0.09678747854081149	had:0.08005794810974895	been:0.06540541321281336	they:0.06263878505878956	:0.01
and:0.27413479056876844	made:0.11501012428831253	protest:0.1135072442905366	up:0.09527239604259524	judgment:0.09024081216579988	brought:0.08940612423576672	charges:0.07336662093596699	taken:0.07317851568641494	claims:0.06588337178583845	:0.01
of:0.2069595247651223	the:0.17782541163703702	and:0.16373341382963003	to:0.143811048763714	in:0.0771375348388473	a:0.07217361801369997	for:0.058877254905270925	or:0.04955204987246596	that:0.039930143374212426	:0.01
was:0.2152585106428544	and:0.16922029025042262	be:0.15864828537190848	were:0.1254802395623577	are:0.10511965954942219	been:0.08436392816616507	is:0.07455578628700787	he:0.02932128475789013	being:0.028032015411971634	:0.01
number:0.1911719606165359	purpose:0.1805464311244205	out:0.119244112589712	matter:0.10964611782653484	instead:0.10778712669896584	cost:0.07733867388546424	means:0.07436119239649945	years:0.06514836403781415	line:0.06475602082405311	:0.01
of:0.29324709662657605	the:0.2729629332162637	to:0.0847045589073185	and:0.07222757466983333	on:0.06942858670289537	in:0.061428913562237265	<s>:0.051218778589526975	for:0.043290032863015644	be:0.04149152486233317	:0.01
the:0.42436591079765196	a:0.28659729832327757	of:0.0844777262696728	The:0.040995842325597276	in:0.038438483651074225	this:0.03496002590098906	A:0.030987783468011742	tho:0.027985939432632046	with:0.021190989831093396	:0.01
to:0.72768128528762	not:0.059670470016441324	will:0.0495317925230493	would:0.042035765950945714	and:0.030623586616809154	can:0.023242227883158967	may:0.021704591289153925	could:0.018718769573053004	To:0.01679151085976859	:0.01
as:0.22852684467349377	is:0.20280065603096664	was:0.13378944892464364	be:0.0887461109148213	are:0.08451563105679948	so:0.08030205212264528	and:0.07581215235096019	were:0.051568177259181176	very:0.04393892666648846	:0.01
and:0.2275568136184341	of:0.198357135738386	the:0.1750661188511791	to:0.07855314553146203	for:0.06714821591926588	a:0.0663876628110636	that:0.06195441710685245	which:0.06002681078592804	or:0.05494967963742877	:0.01
of:0.3415176254194875	in:0.11000739045665535	by:0.09979306359351593	for:0.0962936108927634	to:0.09038527774770796	and:0.08698678166637283	all:0.06385642183788695	that:0.06116260498179045	from:0.03999722340381945	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
of:0.2948141425608223	the:0.20105121139011406	and:0.1748963344280207	to:0.09227373130496012	a:0.07385935709927666	with:0.04416984448813944	in:0.04112275266591319	for:0.033941037900082426	or:0.03387158816267121	:0.01
he:0.24203915067516416	and:0.17659018243210672	had:0.1700084773823636	has:0.10416408979064519	have:0.08788293194833753	He:0.06785059264992174	was:0.05545113261145467	be:0.044848018137177245	who:0.04116542437282926	:0.01
the:0.6525192499473128	The:0.11994869250216647	a:0.05641652625188747	of:0.03724723607077723	his:0.031807236815174826	tho:0.027334590100485903	our:0.025466984366803204	and:0.021260521472815427	this:0.01799896247257668	:0.01
the:0.3002030405563565	and:0.20521832589226585	of:0.18951409350984544	to:0.10885982009837099	was:0.041502865362393934	be:0.04036182442353661	in:0.039752582461311047	a:0.03346020023353105	is:0.031127247462388475	:0.01
of:0.2998206834459335	the:0.18507819550306442	and:0.13133245559921297	to:0.12885405080347326	on:0.07528178690170291	in:0.0532500408070261	for:0.044129799910528844	at:0.04010587273775207	<s>:0.032147114291305914	:0.01
the:0.5005435713548924	an:0.1492088320782195	any:0.08596884130716104	that:0.05522848224151073	and:0.04746420339179697	a:0.04512526364583873	such:0.0380307384054699	this:0.03525801337065192	no:0.03317205420445909	:0.01
the:0.8182380014756878	tho:0.03786922489343464	The:0.03550546972664906	and:0.02572582052849437	from:0.017908711777570262	a:0.015107356101808262	that:0.014300853435391486	tbe:0.013576259356660682	on:0.011768302704303494	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.30520872573924374	of:0.22274356229409542	and:0.10901440357529221	to:0.09176815851910561	by:0.0698951805134469	was:0.05414098399918291	at:0.049659515927899515	be:0.04861791271945912	<s>:0.03895155671227453	:0.01
the:0.3543831362221404	of:0.22461586219149848	and:0.13283005337079992	to:0.08035830514275967	a:0.06898258506288824	in:0.03755205874283167	for:0.03262922467372277	tho:0.029875972596853505	be:0.028772801996505427	:0.01
of:0.46293882701887	in:0.27761673112972335	to:0.0703409467308526	by:0.04378817430174568	In:0.04108173245340434	for:0.03864284975972635	from:0.021745983605362482	and:0.01922633278394938	that:0.014618422216365874	:0.01
line:0.21212567847442282	street,:0.16898977749851232	difference:0.15742343427014557	and:0.13611567877633182	street:0.10865690793058093	war:0.056323225349390715	midway:0.0542295827127326	lying:0.04941947019464625	of:0.046716244793236945	:0.01
the:0.6136895346983402	a:0.11684156275755714	this:0.07340605784053747	his:0.05815989448521119	tho:0.04270321496798044	their:0.03820283771547949	our:0.016741104360487518	tbe:0.01578159865016197	whole:0.014474194524244536	:0.01
and:0.3718551859324213	to:0.367419399427986	will:0.060645504232845766	that:0.03712180996625764	not:0.033009895305047623	then:0.032740080007452155	but:0.03106478733224606	which:0.028075123089803464	I:0.02806821470594001	:0.01
and:0.2186279364266974	would:0.2074675837703113	something:0.11852895650379155	not:0.0790022533683124	to:0.07826795221702859	was:0.0744893682044806	is:0.07306955095491362	looked:0.0709425341945697	looks:0.06960386435989496	:0.01
the:0.2721422746812876	of:0.16757005384109913	and:0.15827034722580738	that:0.08780463593034502	in:0.08096052274546386	as:0.06303471211186255	The:0.05697109868405081	Mr.:0.05596333620688795	which:0.04728301857319577	:0.01
the:0.7170400225557397	and:0.05301208237178048	The:0.04508763964924696	a:0.04404014867789209	tho:0.037176996967845204	his:0.031539182503223	to:0.025850295631665927	tbe:0.019838442365391715	or:0.016415189277215	:0.01
for:0.1875257078616827	the:0.17392615177821386	of:0.16324962451349384	about:0.1332804369922716	and:0.13179794975187223	or:0.076971628170754	in:0.047839184751904	last:0.03827826838666443	than:0.03713104779314347	:0.01
be:0.29584160574321167	was:0.1879320533103485	and:0.11404518410186158	been:0.10451321782132446	were:0.08662279885471037	is:0.06297409250197279	I:0.049332926753305514	are:0.04729984017315261	he:0.041438280740112424	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
per:0.8708894903139168	the:0.0790024968837852	and:0.013422750877939565	of:0.005789121103345083	an:0.005672841865498902	to:0.004762407308992882	a:0.0037973985271336375	by:0.0033835680724546464	The:0.0032799250469331916	:0.01
and:0.3566638953041958	or:0.18991146236573977	that:0.10235579520512857	but:0.09731835952775168	not:0.08788064872058444	for:0.043164010040051895	But:0.04022831374858809	is:0.03651282562155435	be:0.03596468946640538	:0.01
he:0.2044078450778136	it:0.19664405043725997	and:0.1456223597033786	which:0.09211369711318956	It:0.08953906901946508	who:0.0825742215877201	be:0.06613628288579164	they:0.06467558985087515	He:0.0482868843245063	:0.01
to:0.31581626366496407	will:0.16262264737562718	not:0.09801372837030611	should:0.08847186740997748	would:0.0847716386054049	shall:0.0836372709054727	may:0.07062542691112435	must:0.04389956558003744	can:0.042141591177085734	:0.01
he:0.152060450861006	it:0.14570473007584878	they:0.13773651019107047	I:0.11983138325379328	we:0.10821539476694296	and:0.09622307166260466	which:0.0922119265866078	It:0.07795497045111817	you:0.060061562151007955	:0.01
County:0.21185839845647994	city:0.1895834646921614	State:0.1413537743984756	City:0.13008138484546328	county:0.08148280294079607	day:0.06950524935010832	line:0.06572002034717807	name:0.061277760247438626	son:0.039137144721898665	:0.01
of:0.23616419451182052	the:0.23343704218735506	and:0.15978661952150983	to:0.10630371430561109	in:0.09329245272863333	that:0.05598690444208103	as:0.04124046954077117	from:0.033910189697693965	which:0.02987841306452378	:0.01
about:0.22688519070237018	and:0.19973899844327136	the:0.19488151891009253	or:0.12545542975519514	of:0.07353786046309947	was:0.05608989962055068	were:0.03928072875685402	than:0.038694572013280464	are:0.035435801335286184	:0.01
it:0.18996776648825836	which:0.16693146919859034	It:0.1638838509302785	that:0.1088783226660808	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125938	and:0.047844242933137104	There:0.041206982916631135	:0.01
and:0.16746393464509546	days:0.16362345102444004	time:0.12492444770776763	appear:0.09566741394367828	just:0.09231340379370485	or:0.09177283805588757	years:0.08767631186747611	that:0.08438545874952393	but:0.08217274021242599	:0.01
of:0.3949571972858358	in:0.16850725643625367	to:0.12352294707201854	on:0.06838646783395032	and:0.05957458873254076	for:0.04757264709206119	by:0.046036469335956086	that:0.0426017718581973	In:0.038840654353186246	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
of:0.38673375954833306	in:0.14607437125902178	to:0.12285610469880116	that:0.07163900601011423	on:0.06320750778614694	for:0.05543606924267768	and:0.05180311374795789	by:0.050682114066997165	with:0.04156795363995015	:0.01
the:0.42055642367917795	of:0.19990037197033148	and:0.12388836984114342	at:0.052195613748405374	a:0.04725083751544478	The:0.04221745763001156	to:0.040094494503012515	or:0.0347555590601893	tho:0.029140872052283606	:0.01
hundred:0.31940638290785417	thousand:0.2973127394508226	fifty:0.08705831886603795	million:0.0797430577613003	five:0.06124679337708961	of:0.055417999645747285	ten:0.048665632978109864	dred:0.02085451740923415	sand:0.020294557603803935	:0.01
and:0.3618264598442252	time:0.1585166786808475	him:0.0773077050962585	made:0.0750798052542271	it:0.0651889351938075	them:0.06442802190323041	out:0.06326833089381287	necessary:0.06259386327537891	up:0.06179019985821204	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
and:0.22374277336619958	in:0.11809537225180955	was:0.10753917461690887	is:0.10235553959327065	for:0.10177090673149375	that:0.09990959039384582	are:0.08621308363224199	or:0.07999787940036125	be:0.07037568001386849	:0.01
be:0.21173345442161426	was:0.20380423619830226	been:0.11870408380681109	and:0.10250945008524834	he:0.09555217903838804	is:0.07385701173743746	were:0.07290927519745027	the:0.05856239762650729	I:0.05236791188824097	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
week:0.262783827790336	and:0.2389857943038616	time:0.08552186700453762	up:0.08186975574886107	it:0.06819770132815774	there:0.06701277972013363	was:0.06653755057064666	him:0.06555129328396513	them:0.053539430249500565	:0.01
the:0.26008963325081247	to:0.1510271650502291	and:0.13794930828343374	of:0.10931438730792993	a:0.10200655896335122	in:0.09281048347406343	that:0.054950120990788755	for:0.04984162508689479	at:0.03201071759249652	:0.01
to:0.470052484555554	will:0.17428958243166484	would:0.08969572745486673	can:0.05150318519947832	should:0.04728533574710141	could:0.04612233913197589	not:0.039950565504801305	must:0.036954019161138156	shall:0.034146760813419316	:0.01
the:0.25507793099440856	and:0.19169226995852917	be:0.15302776734679885	was:0.14082614544392266	were:0.08056873947462016	been:0.058339464851733684	are:0.038368015988981	or:0.036212606815687665	being:0.03588705912531818	:0.01
of:0.22190010589126113	the:0.22004176286872998	to:0.12346322881274409	and:0.114175101826501	.:0.09419859748291429	at:0.08458572590263122	<s>:0.05688244671217442	by:0.03741846025774823	a:0.037334570245295656	:0.01
and:0.32311634278934404	him:0.09870937808207801	application:0.09552818008284919	was:0.09108249895321115	it:0.08441184299744424	up:0.08234572242630689	made:0.07437354501364973	out:0.0712836163279344	time:0.0691488733271823	:0.01
the:0.6011702798560818	of:0.12497071935165413	and:0.049488235057349825	The:0.046040059295026865	to:0.043217223808565464	in:0.04209086909367906	for:0.03187143261186981	tho:0.031475750614036006	with:0.019675430311736943	:0.01
he:0.21236976584642633	who:0.15091908100628376	which:0.13423069933853982	they:0.1114226506626021	it:0.10310378443593025	that:0.08782466281035546	I:0.07127377388196328	there:0.06045635920866448	she:0.058399222809234465	:0.01
from:0.21802200205555064	the:0.19694833446729548	in:0.12247782210057058	that:0.08945903226427072	some:0.08261572909543535	any:0.0797247730890875	this:0.07278699757577482	a:0.06676927872790638	same:0.06119603062410855	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
time:0.16689403244294973	in:0.13920536101765743	men:0.11188639680685428	up:0.10764772040150658	work:0.10570332196536517	out:0.09873068256503276	life:0.09310328754266789	him:0.08427693135005598	power:0.0825522659079103	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
the:0.34473903499631625	and:0.16707544411087868	his:0.13813653886234473	of:0.08123439064861385	their:0.06609782679654415	a:0.05385379984661163	my:0.05043121226033748	with:0.048706926686075236	her:0.03972482579227809	:0.01
to:0.35671915547313704	and:0.16815966365890278	that:0.08743233796986066	not:0.08283506455747107	they:0.06905480369494969	may:0.0625351211157753	which:0.059500598129381105	it:0.05274427112112736	will:0.05101898427939514	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.3002704899736147	and:0.16394934591138952	of:0.15661563188849495	to:0.09876614229942424	was:0.06915251783546528	in:0.05515256321032435	a:0.0531859093383604	be:0.04755453490435553	is:0.04535286463857097	:0.01
was:0.21796602606418342	be:0.21188593577822337	been:0.1056718180819953	is:0.07594388724923984	were:0.06993641853767449	I:0.06749118994673312	he:0.06642867058775308	and:0.06603402252031526	have:0.06108563672453251	had:0.04755639450934959	:0.01
to:0.4478978896738777	with:0.11016795880538556	for:0.10333360105103886	of:0.08246859703033102	told:0.0693575766468685	at:0.047129794987495435	upon:0.04594618990667564	tell:0.04338702375281083	on:0.040311368145516356	:0.01
not:0.19999651429542767	for:0.15504226692837542	no:0.13070300756795397	or:0.09545171982443625	much:0.08958789359825772	is:0.08369234095165312	of:0.07925112792878658	and:0.07878033930120283	nothing:0.07749478960390645	:0.01
the:0.31840023369126785	of:0.17141879567538387	and:0.16606811243682518	a:0.13273779480313194	to:0.05599862525831315	The:0.045311843428967526	at:0.03870752794010055	in:0.03163609204400192	or:0.029720974722007923	:0.01
a:0.34646834584912506	her:0.16526570249606923	his:0.15163001981523927	my:0.08813382731114412	the:0.07595565433828536	A:0.05198036574035219	and:0.04029918471875411	old:0.038955333916344224	our:0.031311565814686394	:0.01
;:0.24128805971766104	is:0.19284363443114236	nothing:0.12098804048055924	and:0.08692611613335861	it,:0.08107096439267582	are:0.07429826954458699	was:0.06742651206965511	had:0.06290644059967379	,:0.06225196263068713	:0.01
of:0.29212753143165043	in:0.23644549500936224	to:0.1494588966147205	that:0.066679976379691	In:0.06057872436897338	and:0.05162201825704964	by:0.0506302576269622	for:0.049366491744081115	at:0.033090608567509415	:0.01
be:0.19213064626027368	was:0.16892835007515314	been:0.13285096929400494	and:0.11510830610631322	is:0.10535412805319712	not:0.07171571983272491	are:0.07119953099107437	the:0.06687729516013897	were:0.06583505422711965	:0.01
and:0.28875042293688763	that:0.18379961672113257	time:0.12018083560604678	made:0.10260676101770422	them:0.06941977777485565	him:0.06107712576849914	but:0.05685206022851167	or:0.05497076677934715	up:0.05234263316701533	:0.01
and:0.26155438453787555	as:0.1266397842169297	order:0.11339821790418228	right:0.09396707366530392	him:0.08490002639930892	is:0.08451321809227683	enough:0.0771200356714829	able:0.07412838983665011	them:0.07377886967598969	:0.01
of:0.20253994353973317	in:0.17885259010363327	on:0.1601721574616891	to:0.12857259145997765	from:0.10274501707965708	and:0.07208386572947026	at:0.061723289111460675	In:0.04461883145987936	with:0.038691714054499435	:0.01
the:0.27043423092756824	-:0.230518790622153	<s>:0.09214979052645819	and:0.08977118823600351	.:0.0816266582217953	e:0.06340819373180286	f:0.061997231831418816	i:0.05023962517250307	I:0.04985429073029706	:0.01
to:0.27887680346270544	and:0.18463279832785565	the:0.11667363433974837	had:0.10481629644360195	was:0.07011268427848238	not:0.06338031886333381	a:0.06154780558600259	have:0.05930005875797061	be:0.05065959994029907	:0.01
up:0.19637068092463078	hundred:0.1765664620396806	wife:0.11341077803882521	in:0.09564616183133523	men:0.0850334006627888	time:0.08500306769983647	down:0.08418639582899991	life:0.07694855629344892	dollars:0.07683449668045406	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
the:0.24264202774073113	in:0.18924875626410098	to:0.17715642748143415	of:0.1526493928854793	an:0.06990163615225092	this:0.04388003812666507	his:0.04260573027801236	In:0.03953333297910249	and:0.03238265809222354	:0.01
one:0.2621410772420017	part:0.13828982982918026	out:0.09624462787694145	sum:0.09475385185290656	all:0.09344278936076991	amount:0.09063463447574953	sale:0.07587870330969793	end:0.07005676748970087	number:0.06855771856305173	:0.01
of:0.3038449941701036	in:0.1762862997045582	and:0.09780843993006715	with:0.09002386300196312	to:0.08865087619266997	by:0.07608789827380712	from:0.05989895299977613	upon:0.050452022760536834	on:0.046946652966517885	:0.01
the:0.2176444406307874	of:0.21032817253870764	to:0.20574675201779968	and:0.10545724507911237	in:0.05828659954186711	on:0.05369867559536912	<s>:0.052758235502345235	a:0.04307083081855826	at:0.0430090482754532	:0.01
and:0.3473907136724179	fact:0.18571028912588797	is:0.08293453347194157	of:0.07968700463162431	but:0.06666394972803381	said:0.0627945443603061	for:0.05781832267325563	know:0.05369358332870137	all:0.053307059007831385	:0.01
of:0.2764190941532257	to:0.1405372487704945	and:0.1302697292196242	for:0.09238407289524732	by:0.0856311223219611	with:0.0823790856545457	that:0.06698409160493132	in:0.06422061565675692	is:0.051174939723213096	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.21298000459552283	and:0.2039636710878841	of:0.18227586657211736	to:0.0947332508750933	was:0.07100993380022316	in:0.06763282217115012	for:0.05552798378335023	he:0.05223279322482916	Mr.:0.04964367388982969	:0.01
the:0.17143793031938148	and:0.15084405096188572	it:0.13830619896589091	at:0.12198560834988101	a:0.11940900474656047	It:0.08695511660716106	on:0.0707271503669307	of:0.06729934080656655	which:0.06303559887574214	:0.01
the:0.5108870311710413	and:0.10781174627474095	a:0.07767157506681538	of:0.07632647469465788	last:0.056453095499172816	his:0.04428907321271786	for:0.04263569867287768	first:0.039193324074067455	tho:0.03473198133390853	:0.01
the:0.23960507711206946	and:0.19453437371897894	of:0.14106539859561887	to:0.12149968009769145	that:0.07096929818150652	is:0.06780942376392471	for:0.05756167171711468	was:0.05107688966592631	a:0.04587818714716902	:0.01
the:0.6118125354169056	The:0.08066758610443216	said:0.07167808064823714	this:0.04938423595172076	of:0.04585365371166882	and:0.04413322986704963	Mr.:0.034766202320678306	tho:0.028302401483081684	a:0.02340207449622592	:0.01
and:0.3688813164082851	that:0.1454083792520898	as:0.11725524506586056	<s>:0.07982776272023831	but:0.06966037027569466	to:0.05601739876005786	when:0.05227858094807445	which:0.05116534942924441	for:0.049505597140454785	:0.01
of:0.20744128667185768	the:0.17876745631315244	and:0.16175955600435	to:0.11208263160454435	a:0.0761524945863055	boy.:0.07314467713122073	for:0.0640311674126426	in:0.062293189098506424	girl.:0.054327541177420266	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.5240064275307966	a:0.11376600701497741	every:0.0963210265597725	this:0.08833279969369102	great:0.0416730845992036	in:0.03594909703556622	tho:0.03209089424377234	first:0.02915120741952298	and:0.02870945590269738	:0.01
any:0.18489981191600563	of:0.16628358988388356	the:0.12712192824676244	a:0.12493179038442202	no:0.11129894275511283	such:0.09644222658514826	this:0.06607653600036904	and:0.05849211463417894	that:0.05445305959411744	:0.01
as:0.19436001227001629	and:0.1409601278107517	according:0.12688257803862749	up:0.1166538996954941	them:0.09546248046552396	regard:0.08571584773899625	come:0.08276545836165355	back:0.07647325798284847	return:0.07072633763608811	:0.01
to:0.34426216887719907	will:0.24610042149184339	shall:0.08696049257808074	would:0.08443203940250767	may:0.07699248358886056	not:0.053250554065899576	should:0.044284160240879486	must:0.03393300136866486	can:0.01978467838606471	:0.01
and:0.3268208773627404	or:0.21420293440293478	not:0.15571444499852125	that:0.06028743700018958	are:0.053760000447939826	but:0.05089420908313191	is:0.05058450336243364	was:0.04479867555401895	do:0.03293691778808967	:0.01
and:0.34836515845561816	that:0.154796761554627	<s>:0.08264737050675534	the:0.07977668699806136	which:0.07850222565735837	when:0.06716742839098395	but:0.06402347797172452	as:0.05955023016460179	of:0.05517066030026945	:0.01
to:0.3554099680053171	of:0.19786472518053677	in:0.12529162242974234	and:0.07280468972919545	with:0.05504681246657389	for:0.052185749163135904	is:0.05064419905231414	that:0.041178460736836196	at:0.039573773236348364	:0.01
the:0.2903197091904407	that:0.13621054323082318	this:0.11396567187916634	same:0.11156981655514027	short:0.09731594000396372	a:0.08153137137906755	some:0.06783181961254439	long:0.0508358239667041	first:0.04041930418214991	:0.01
person:0.17008043820658655	man:0.13940468119144284	one:0.1337832274199553	action:0.13280570834790806	in:0.09953740971709639	city:0.09050723035374829	year:0.07839520168905746	county:0.07466581940569164	lot:0.0708202836685135	:0.01
that:0.49156777712631006	and:0.19868391950292372	but:0.07070477856023381	if:0.0630941241263731	as:0.042741045996078024	which:0.03626670592639372	If:0.03102583153589517	where:0.02826153196483334	But:0.02765428526095901	:0.01
THE:0.4510859131087163	the:0.11147914486701492	and:0.08962317809525966	at:0.08174691625051234	of:0.06536538311872972	.:0.06344604092201082	<s>:0.05253558377232073	to:0.043960613411268085	AND:0.030757226454167366	:0.01
at:0.3432441041695303	No.:0.16310208085295644	and:0.1229845439717376	of:0.10639225564396132	the:0.07302250032103592	lot:0.05568215438043356	block:0.04301055123471401	Range:0.04246279209627684	@:0.04009901732935393	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938135	be:0.08008775556196854	a:0.07801796281644585	in:0.06960382693033287	is:0.06885254681667448	was:0.06803906530008293	he:0.0635047829848459	:0.01
that:0.3301424087979986	and:0.2182479544957214	as:0.122756240476564	but:0.12237407841532319	which:0.06045493380306775	if:0.04979116913450267	of:0.030362284196394796	when:0.028972195940510377	But:0.026898734739917166	:0.01
in:0.37617025443011565	In:0.11261893077826166	is:0.09374245191546252	of:0.09010506228781366	was:0.07352670832906946	on:0.07141854824595155	with:0.06912690358544171	such:0.0566825694047258	to:0.04660857102315787	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
It:0.3308461544889502	it:0.1642059568341763	he:0.10838277438273573	that:0.10111039897164405	which:0.10063854110861482	and:0.0738281702961336	there:0.04206497076739138	He:0.03669903099911086	who:0.03222400215124304	:0.01
it,:0.15405287399691464	up:0.1347056410103989	;:0.12380858009866612	them,:0.11642608806720557	years,:0.10526834741430532	here:0.09959527911199179	it:0.09226513822884534	him,:0.08243458547880798	him:0.0814434665928643	:0.01
in:0.13917749667110813	hundred:0.13436325360866025	time:0.1316432562390264	good:0.12704014237121203	large:0.09938963561253078	dollars:0.09630314379219598	one:0.08798301580337466	free:0.08709730876035998	new:0.08700274714153182	:0.01
It:0.405882667864311	it:0.16601976159124496	which:0.10614906319012046	that:0.08622060752820988	he:0.06867018473447375	This:0.04829415786512192	and:0.04352916303653737	there:0.033168914721928615	who:0.03206547946805198	:0.01
in:0.3852038048392667	of:0.23254147063165717	to:0.10664390632884517	In:0.06726452183294897	at:0.04609058978408392	the:0.0445572065139705	and:0.04413599841503278	from:0.04046639387574377	for:0.023096107778451027	:0.01
and:0.21192548613322726	them:0.14243522488948937	is:0.12940973919821772	him:0.11763761355001144	went:0.08060175108100642	able:0.07845088118582505	made:0.07770902073327084	subject:0.07593071715003452	as:0.07589956607891732	:0.01
of:0.2105789349215274	the:0.20301459976320405	and:0.17686531907637446	.:0.10628378110457198	<s>:0.0895314560462286	com-:0.053953295656909026	Mr.:0.05290799616905223	a:0.048604658646185205	Mrs.:0.04825995861594711	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.5759663843897341	a:0.14484787068192662	and:0.09116512270257099	The:0.06050125953311487	tho:0.03198916073573538	general:0.026876900932927925	or:0.023186685256351862	State:0.02075899693868611	first:0.014707618828952272	:0.01
and:0.32494967607831965	it:0.1243280982038417	that:0.10341953567133265	but:0.09840411565259605	or:0.07376872994348935	found:0.07164054032772431	him:0.06931542482763524	them:0.06366712711020092	is:0.06050675218486	:0.01
the:0.3137174809660494	of:0.2832842016618789	in:0.18671874633341304	this:0.05126944306450143	a:0.034934214245249076	In:0.03345586348473185	his:0.03278179220062861	for:0.027187534825153858	under:0.026650723218393818	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.6194383044094571	of:0.11761270408210617	and:0.06330130888240497	The:0.045926152331168264	these:0.03762464274514792	that:0.03384766520674625	to:0.026226596701781065	tho:0.025948744477448507	which:0.020073881163739746	:0.01
the:0.36272951085323246	of:0.18543035631391452	a:0.15397074508309586	and:0.08986353964721512	to:0.07260187110472961	for:0.03165028242040209	The:0.0314188531250225	in:0.03125003021606946	an:0.03108481123631847	:0.01
a:0.38483091761973187	the:0.1878867404659759	to:0.1196506047074087	of:0.09109072048238695	his:0.08502664854291325	in:0.033491793859433405	and:0.0315048313183972	this:0.030353922681666624	their:0.026163820322086074	:0.01
to:0.3057308493287265	not:0.15709153329633788	take:0.15699600928033017	the:0.09199069980765322	and:0.0895156365060957	taking:0.059319296490017416	taken:0.050055706344628643	or:0.04604089503372312	took:0.033259373912487275	:0.01
a:0.29758910663305543	the:0.27423539380877837	any:0.11748842211131856	that:0.08968490661350281	this:0.054721926404863785	every:0.04658436821377061	greater:0.04460875833254082	latter:0.03430552952077778	no:0.030781588361391832	:0.01
in:0.19257717243495387	of:0.1709015558752296	to:0.12982463400440158	or:0.11550723864494376	than:0.09701219261175639	for:0.0949499303295365	without:0.07568972985946493	at:0.06245123085957748	by:0.05108631538013599	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.47628223215814824	to:0.30287434499590715	that:0.044269411669479	will:0.03559490310304839	or:0.029367931124487382	who:0.027633778406172076	not:0.027319461839471922	which:0.026721000945746302	but:0.01993693575753978	:0.01
the:0.6852465201489597	of:0.1022710512943402	The:0.06413589401515207	tho:0.042175964847399126	and:0.030091876766843585	a:0.023599778557859323	in:0.016877475918531438	tbe:0.01424188378019348	our:0.011359554670721118	:0.01
the:0.27654031700417503	and:0.21968808200037135	a:0.13595673553946766	of:0.1312975255103275	said:0.08821651725342736	that:0.04017999742532177	.:0.03475251794804027	The:0.03257136189379443	to:0.030796945425074735	:0.01
and:0.265751163214573	up:0.15943815803944195	it:0.1345153095640525	down:0.09031125591238165	that:0.07464753393858792	out:0.0714266597411658	him:0.06703257984583912	back:0.06402415253230885	Then,:0.06285318721164926	:0.01
the:0.3830349305017525	his:0.12115674339862348	this:0.10969668810368122	and:0.10097568287100814	a:0.07732004036879016	of:0.07545270762558744	in:0.044541616444936934	The:0.04189693643693178	that:0.03592465424868842	:0.01
a:0.2822661923240602	the:0.2738764017212003	young:0.18773094443185656	and:0.06909751132824919	old:0.046669329801479545	of:0.03513201995623814	The:0.03305414462966628	man,:0.031311005012407085	colored:0.030862450794842743	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
and:0.3303617529043953	so:0.12361127011142811	was:0.09185024577006211	is:0.09121828840345965	as:0.08963630203996159	to:0.0873912550527707	be:0.0730249384109559	of:0.05375548517517921	which:0.04915046213178733	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.2501550870616374	of:0.17327320107306704	and:0.14388289249475147	to:0.11475751953988338	a:0.09038001401223485	in:0.07346713906469314	be:0.06537517806815311	is:0.042347954547891406	or:0.036361014137688295	:0.01
the:0.4456373044772563	a:0.17953697345625524	of:0.09196048659741984	and:0.08466645223962943	The:0.047054003475547515	to:0.04668744545741807	in:0.044624045050438335	tho:0.030975965870807105	.:0.018857323375228028	:0.01
the:0.3183060421149564	and:0.11752388465386286	made:0.11347490430108119	get:0.09458457659816209	brought:0.08515747704793307	with:0.06904967960305546	be:0.06869553558313175	a:0.06355662122029858	make:0.059651278877518484	:0.01
and:0.3093655620212602	to:0.17370118736174034	of:0.13038200997623184	the:0.08771758421888157	which:0.06191870937029182	<s>:0.05888938295259155	re-:0.05752501777704928	in:0.055852125160339605	that:0.05464842116161378	:0.01
and:0.3111913082202083	is:0.1415777150444049	are:0.12178274934669867	be:0.09208166563325464	was:0.08100541887709457	not:0.06768816906619256	has:0.063916296357183	have:0.056102297484620874	the:0.0546543799703425	:0.01
the:0.2741961844584926	of:0.20882401545387413	and:0.17106504301897896	to:0.09060993252719039	a:0.08960060013235915	in:0.0432393943039576	for:0.039472172754318524	be:0.037176714497760735	was:0.03581594285306789	:0.01
at:0.27733166704911566	of:0.18523570038078457	to:0.13420722500687154	by:0.09800969790063797	from:0.0740666054986257	in:0.06336800247718836	.:0.05489118003535532	for:0.05239697708350855	and:0.05049294456791226	:0.01
and:0.2825326249844179	was:0.11592898936744854	interest:0.11492046750160245	that:0.09918103092089235	them:0.09145392431033308	been:0.07244551720694109	it:0.07158700451915223	be:0.07111481060340263	stipulated:0.07083563058580983	:0.01
and:0.22374277336619958	in:0.11809537225180955	was:0.10753917461690887	is:0.10235553959327065	for:0.10177090673149375	that:0.09990959039384582	are:0.08621308363224199	or:0.07999787940036125	be:0.07037568001386849	:0.01
of:0.2641663770966346	to:0.1374395362302243	in:0.11382669950322943	and:0.10184366719739713	with:0.0895574457659352	by:0.0873340168387193	for:0.07813592452883249	that:0.07188030900151293	from:0.04581602383751471	:0.01
the:0.25387585854953526	and:0.16573125040311912	of:0.13220542497073806	be:0.11122463475364033	to:0.10941947712111581	a:0.09084119012214986	in:0.046223570180919306	or:0.04131804815602004	is:0.03916054574276227	:0.01
day:0.19456922569680282	sale:0.1422254867842148	state:0.1335119866160055	board:0.10632623187355295	amount:0.10246773757331919	number:0.09204251562680461	out:0.08122331323680232	State:0.07056309782896535	point:0.06707040476353253	:0.01
that:0.3508608256307356	and:0.15788698846688148	as:0.13287417231396503	which:0.10560140672399003	but:0.08250798582862005	what:0.05609259302384743	if:0.049188405011508576	when:0.028310051514050163	where:0.026677571486401548	:0.01
to:0.8024771826167395	and:0.04113785575247824	not:0.028440342976947537	will:0.02839932200574256	could:0.019409006850089856	they:0.018714644786008344	can:0.017976676976336273	would:0.017287242498490576	we:0.016157725537167076	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
No.:0.26544206027421313	June:0.12796257139251757	April:0.11068388682537159	March:0.10857376266685687	May:0.09826613704071499	July:0.07843900431784143	block:0.07518679190418452	lot:0.06714796425024826	January:0.05829782132805171	:0.01
and:0.4154158312002902	said:0.09882629849110777	of:0.09580604026002984	all:0.07858355136156785	but:0.06926642561767024	so:0.06709703978960176	fact:0.06434530402770006	that:0.0536425439980974	thing:0.04701696525393491	:0.01
his:0.2727313720323061	the:0.19927564759002467	their:0.1660423304576329	her:0.09113568028102748	my:0.0859208322994034	of:0.05954768753613485	our:0.04706248896526719	your:0.039274116679114686	its:0.02900984415908875	:0.01
and:0.22813005603170383	the:0.1572099043860072	is:0.11521833637416955	an:0.10420866558073172	was:0.09504037588459194	are:0.08564450459716828	be:0.08247759847336691	that:0.0643390720756877	been:0.05773148659657292	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
New:0.4765556636595783	of:0.19536823830026628	in:0.12656196897596067	to:0.09125173883639366	and:0.025671291956623453	In:0.024506017551770006	at:0.018455403239672263	for:0.017255110572619428	from:0.014374566907116073	:0.01
of:0.2837859223257587	in:0.22720058621877687	the:0.12395152826860746	into:0.06620677270486525	his:0.06572258887692324	In:0.06261389412566674	for:0.05565360577309295	to:0.053530447457007344	no:0.05133465424930138	:0.01
and:0.21611573385540034	to:0.19033178276139026	the:0.15285657316279605	of:0.14326246276665047	about:0.08562629894136621	for:0.059148099397846855	or:0.04964055104358961	be:0.046823780453414156	in:0.04619471761754611	:0.01
the:0.5259274504698884	The:0.15975109793006037	that:0.0654414004987274	Mr.:0.06527286693528364	and:0.05354273840675224	<s>:0.03498142432460411	said:0.032591082309392706	tho:0.029326665592059698	of:0.023165273533231338	:0.01
line:0.17275778710636117	city:0.16549343089855342	City:0.13252796067518094	number:0.13088475634358815	county:0.11337487277725346	quarter:0.08759786823047766	one:0.06589782324073995	town:0.06096418025951893	County:0.060501320468326174	:0.01
of:0.22552647734620473	for:0.18089524847018462	the:0.1263854255447467	in:0.1204617689573319	and:0.1192775977997835	by:0.07093194145350193	no:0.052239201899753014	was:0.0488165147507862	any:0.04546582377770727	:0.01
the:0.29119801034656423	and:0.15865258086875828	of:0.14266390311873564	a:0.09503147289218798	in:0.08532608481074652	to:0.07615091195344506	his:0.05046366391938543	was:0.04709492341783116	be:0.043418448672345705	:0.01
is:0.2886452395922832	was:0.16933152055155848	and:0.1048242516527738	are:0.10235740095505151	but:0.06950835789498845	has:0.06540553462125907	it:0.06484502596599319	will:0.06299047004929506	had:0.062092198716797255	:0.01
and:0.18929310138123437	covered:0.16935884120870554	filled:0.14496098815620134	together:0.1149389467597416	charged:0.08927804784918368	it:0.07994316895661391	up:0.07366667277508843	him:0.06832445206581947	them:0.06023578084741164	:0.01
line:0.33935091547134116	corner:0.14876475070901773	sheriff:0.09233754813202127	part:0.07971013530890418	prayer:0.06864363993633359	sale:0.06769529838001451	portion:0.06673290683631733	payment:0.06555504264772635	side:0.06120976257832377	:0.01
.:0.20764102020984837	the:0.13643739150302472	to:0.12180344587244503	of:0.11963191594302677	and:0.11712857169166473	a:0.08781912561503866	at:0.08191256511495089	in:0.06204687218931866	was:0.05557909186068207	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
;:0.14099648764783912	it,:0.11967066680326216	in:0.11681118873348909	up:0.11375609777390536	them,:0.11352792153632651	him,:0.11175844987988479	him:0.10982565950269928	them:0.08462205756098831	it:0.0790314705616053	:0.01
for:0.1834894058017338	in:0.13963113516437184	of:0.13668818101795474	as:0.13627883122106113	is:0.09657272125029463	with:0.08505911058536136	to:0.08428571406320783	was:0.07111264170733272	by:0.05688225918868192	:0.01
and:0.3689160036414457	are:0.11327203576776772	not:0.11284630748952057	was:0.08707177050077108	is:0.08582844818211391	it:0.06442420660206406	to:0.06286353702007558	were:0.05065225776510054	be:0.044125433031140776	:0.01
the:0.6109410071817474	The:0.08798832657459606	of:0.07557250781693316	our:0.06880795484139623	Federal:0.04561065123801148	their:0.03132643525707484	tho:0.02622436886821625	and:0.024177702121225966	a:0.019351046100798686	:0.01
pro-:0.3716840861556965	re-:0.16770394099922434	intro-:0.15355175541748325	in-:0.09375058968006604	pro­:0.05967922086265599	pro¬:0.04995077535355688	re¬:0.032126408271145594	pro:0.030858402329611095	ac-:0.030694820930560397	:0.01
six:0.13471239400682833	hundred:0.12345109049290193	twenty:0.12319919927507438	100:0.11442706654337191	four:0.11038292451072378	eight:0.10987187626170114	ten:0.10340546705631778	eighteen:0.0958763793632934	five:0.07467360248978726	:0.01
of:0.29633572450437873	in:0.14608538748858488	to:0.1415677969515685	for:0.0941246122349261	and:0.08474980319055245	with:0.07400648853301359	on:0.05839473007661018	from:0.05014706301412718	by:0.044588394006238215	:0.01
and:0.21426285053299027	of:0.20265915305716187	was:0.15542659537502876	is:0.09899687051373142	are:0.0797471448772987	were:0.07206825686557837	for:0.05953365128748507	in:0.05842261743222282	one:0.04888286005850265	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
he:0.23736729460846578	it:0.19636745564167832	I:0.12052610796978963	they:0.10103610581681505	It:0.08239012322138402	that:0.07820433211722773	who:0.06949320596130137	she:0.05446471213165612	which:0.05015066253168193	:0.01
to:0.42397763327561755	and:0.1361398280224045	I:0.10135080430611557	who:0.08024451539164992	he:0.0604297631206603	they:0.05358541332005296	will:0.048000351044562746	not:0.047552687469621435	He:0.03871900404931492	:0.01
the:0.4662500867369638	and:0.1608185144459048	of:0.13860684178001875	a:0.0506545786698858	or:0.043500449577871796	to:0.037983403080736236	in:0.035217365717457094	their:0.02961720316749188	The:0.027351556823669805	:0.01
was:0.22078287177268763	be:0.20200633172595278	and:0.19243909966342185	been:0.10719855094018213	is:0.09245097262509099	were:0.06857671367980495	are:0.05019202570312678	most:0.028689017688665264	more:0.027664416201067597	:0.01
of:0.40597240465918316	to:0.15578938609769688	by:0.08689148521395414	for:0.06971877348464363	at:0.06702664764259365	and:0.05576152415102806	from:0.052822906113367256	on:0.050960647556050266	in:0.045056225081482874	:0.01
to:0.47672427599484263	will:0.11398355166677349	would:0.07388107823934731	and:0.06776081250212189	you:0.06251900010185123	not:0.05672758839294352	can:0.05001205239389925	they:0.046584028274306015	we:0.04180761243391478	:0.01
;:0.1780125830085555	due:0.1501430332404507	it,:0.11423292934626336	them,:0.09884225374661566	interest:0.09823064167373725	made:0.09756567207626926	sale,:0.0963600378338782	up:0.08601112729055357	mortgage:0.07060172178367638	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
more:0.4500788600062063	less:0.16900716644448105	better:0.08289749761439143	greater:0.07115848974331247	rather:0.07103038283837584	worse:0.03862141159128229	larger:0.036206064534620795	higher:0.03591796783111622	other:0.035082159396213466	:0.01
of:0.2777391297461866	and:0.18232962127987554	by:0.1690883617948812	that:0.1307715434371917	to:0.07798519372854924	<s>:0.04903118610590205	said:0.04379761577319058	which:0.030475216056307982	Rev.:0.028782132077915044	:0.01
and:0.5183120814971687	was:0.08884009435822089	is:0.07742160080589762	be:0.06792772431165149	had:0.06058431065577768	that:0.05151613588975055	but:0.04359396594202714	have:0.04259962910647334	as:0.03920445743303254	:0.01
the:0.178773384293596	and:0.15905693441419114	of:0.1507009654572478	to:0.12785537177660436	be:0.1151551695765266	a:0.09109342413565304	in:0.05932541876549419	was:0.0550093693954189	is:0.05302996218526802	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
it:0.2184794943064721	It:0.19761166602575983	and:0.12559263365135226	which:0.12026408742095422	he:0.0908435826448058	that:0.08693764277885405	what:0.07030818201783591	there:0.04191013959707047	This:0.03805257155689546	:0.01
of:0.19730990254459835	the:0.18792393156251172	to:0.12178044491491599	at:0.10756702635193695	and:0.10173636416897784	for:0.09279868011861508	a:0.08095248870459534	in:0.05994749513805355	by:0.03998366649579525	:0.01
land:0.15768982864402048	up:0.1313154774211678	interest:0.12811701858507943	due:0.11007761973340134	made:0.10518341070202401	men:0.09856685913358561	day:0.09277088931287429	street:0.08320276018677926	boys:0.08307613628106776	:0.01
the:0.4944728231715488	this:0.2269091568151546	of:0.08307635906534416	said:0.06591606368249685	our:0.03817745088847554	his:0.02295389538520126	tho:0.02242392266280567	their:0.018272888433197982	a:0.017797439895775088	:0.01
on:0.3278301167743909	of:0.29061650296211666	to:0.10591084099618339	in:0.09755807035839408	from:0.06346523711995171	at:0.04043139089410193	upon:0.024743048616454866	for:0.02149223367026887	In:0.01795255860813749	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.32311634278934404	him:0.09870937808207801	application:0.09552818008284919	was:0.09108249895321115	it:0.08441184299744424	up:0.08234572242630689	made:0.07437354501364973	out:0.0712836163279344	time:0.0691488733271823	:0.01
as:0.1999117226375148	that:0.1973335913654222	which:0.1476746601112198	and:0.13061455629424026	when:0.08623765309457292	what:0.06536116957309292	if:0.06336114118423189	where:0.05656628729076102	but:0.042939218448944015	:0.01
the:0.37692970902890477	a:0.22862281403096546	to:0.19164429961666243	and:0.05858950316394711	The:0.04910181306349874	said:0.023075731331717347	his:0.022161470763695835	this:0.02068639562315564	of:0.019188263377452514	:0.01
the:0.7561076949366696	a:0.08631970449944562	tho:0.04846792604867539	The:0.03688527305321164	tbe:0.014257295271720956	of:0.013695147528211243	and:0.013052039339803844	our:0.011995720293827873	in:0.009219199028433966	:0.01
the:0.386657440334103	and:0.2147156274032315	of:0.12276498645981455	The:0.11869146848197373	that:0.06473799132164165	in:0.025282011113052057	his:0.020626846877035795	their:0.020521310497966894	tho:0.016002317511180808	:0.01
and:0.19379414751526317	would:0.13802009551861086	they:0.1328660692998883	will:0.11653072481014688	could:0.09355392939078927	all:0.09273383405053562	can:0.07877989774990687	to:0.07198195594018414	which:0.07173934572467484	:0.01
and:0.25369102737374416	he:0.19467027862525113	had:0.13754299871553502	have:0.10224525290340672	has:0.08805777803151546	who:0.06809162673811149	she:0.04893930243468948	be:0.048459582308852216	He:0.04830215286889442	:0.01
one:0.22043979554334728	part:0.17073202577386606	out:0.1504453831229998	some:0.08943673051487451	side:0.0779259956881897	end:0.07349403345130155	members:0.07129904224908563	portion:0.07021530842224585	all:0.06601168523408947	:0.01
the:0.24272402630912351	to:0.16548294383053364	of:0.155724785052511	and:0.13594666285904117	a:0.09288915680202216	at:0.06329022629346127	or:0.051870426884473145	in:0.04386243845384893	be:0.038209333514985094	:0.01
of:0.38055921396468667	to:0.12301622857307579	in:0.11291785355143842	that:0.07956400430775584	for:0.07138105199516305	by:0.07014977669837545	and:0.0671559093640443	all:0.04870639975024418	with:0.03654956179521632	:0.01
of:0.41796544454797624	and:0.10866439051771291	by:0.08801277314720554	to:0.08637129466095497	that:0.06996012184143395	for:0.06747846770875712	in:0.05579030115889991	with:0.0505053332416677	all:0.04525187317539153	:0.01
one:0.33708984341259335	part:0.14875576146602673	out:0.10384043397499726	portion:0.09083714555922895	side:0.07562804233059955	some:0.06197550487992145	that:0.060324718837243906	tion:0.057990436636891	member:0.05355811290249791	:0.01
the:0.8002941947295787	tho:0.04485101006157027	The:0.03857982259613793	and:0.031437887516900784	tbe:0.016586742241697934	his:0.01639808285498029	our:0.01482382421816749	their:0.013953417660277464	her:0.013075018120689001	:0.01
they:0.17575189562716811	we:0.15884948974267682	he:0.15316210749662412	I:0.14793626125930318	it:0.10583886363524375	that:0.06699093900055623	you:0.0645982230351958	which:0.06241058168563478	and:0.054461638517597194	:0.01
the:0.46441219369759196	and:0.12153702569266457	of:0.10694655367874961	his:0.09185538761779673	a:0.08015244433199885	to:0.033918794573920184	The:0.03180489136378234	by:0.031101754753974704	her:0.02827095428952107	:0.01
of:0.33672424568280146	in:0.14678802062706986	to:0.11364573995622267	for:0.08450211588257416	with:0.07114087352589918	any:0.06981249612903115	that:0.062216617957506125	and:0.05729647644438153	by:0.04787341379451395	:0.01
and:0.36312506208769063	I:0.12338044646255546	he:0.09040999163050689	the:0.08357934052402677	to:0.08064499010043451	was:0.07239722608272099	will:0.0609622339439277	they:0.058570497499144024	we:0.05693021166899302	:0.01
out:0.23966874593182105	number:0.1574821199093086	place:0.10450660588571738	state:0.09966694258960572	amount:0.08184101469739698	means:0.07851471934657743	right:0.07830643679475029	one:0.07721478942742464	men:0.07279862541739793	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.744536665559899	Of:0.1480879674520589	in:0.031163275590181484	the:0.01618451375834857	by:0.010553055611928762	"Of:0.010460611290060269	at:0.010255061204017486	with:0.009864824254796822	and:0.008894025278708514	:0.01
from:0.2439568612486867	and:0.169831616483614	or:0.1156269960669345	of:0.10038234060483639	writ-:0.08868278699026945	than:0.08164942037256163	to:0.06954208021113506	in:0.06158597506373904	for:0.05874192295822317	:0.01
of:0.23182606599609856	to:0.1600128184306082	at:0.1392451572961307	in:0.1330827822378778	the:0.10884079626274028	from:0.0698646022356823	and:0.0644351271487586	In:0.05699645950378637	by:0.02569619088831713	:0.01
A:0.2848899711466817	S:0.11969673972086022	W:0.10773189010146549	M:0.0998208422183307	J:0.08332814787641818	E:0.07851461222792269	B:0.07821157047490013	P:0.07294574692175533	C:0.06486047931166561	:0.01
of:0.27395062242032137	<s>:0.15040449671343734	.:0.1468035625475986	St.:0.10569082862567165	Mr.:0.08822705721653197	the:0.06401728644914127	and:0.0581571992728012	in:0.05226064647014064	Mrs.:0.050488300284355886	:0.01
and:0.3838394095931822	up:0.08987063291160846	that:0.08926092622172724	was:0.07917655771788831	feet:0.07415957683337827	or:0.07274987086962711	State:0.0706870683277842	all:0.06534823614542731	men:0.06490772137937695	:0.01
the:0.5813335411692847	and:0.06654417953837187	a:0.06459896286836159	of:0.05845771943892266	in:0.05533907363310234	The:0.048814915143618846	an:0.04704573325643952	tho:0.03586107761153879	by:0.032004797340359624	:0.01
the:0.18339688078573316	called:0.17018930624676445	their:0.129945117065141	his:0.10779339542419646	call:0.09777522118982959	much:0.08037675573374806	more:0.07998137415066779	no:0.07369743816546569	and:0.0668445112384538	:0.01
sum:0.18660346400208067	amount:0.14113071889989057	number:0.1282359702472041	out:0.11916988247675848	purpose:0.09069241232633117	rate:0.08735451040047423	means:0.08498416672211168	matter:0.07741017629998366	all:0.0744186986251656	:0.01
of:0.31861339648026715	to:0.13761945036747708	for:0.11848956557926557	and:0.08858000076179956	that:0.07795267621737502	by:0.07438058842883097	in:0.07268328005426626	with:0.071742740291062	at:0.029938301819656298	:0.01
and:0.6653312190414234	And:0.10446110895019836	Since:0.04951680396914772	was:0.03869889133316169	but:0.028430636199460083	He:0.028082559310550193	;:0.026155374509799465	is:0.02512410470974794	I:0.024199301976511215	:0.01
W.:0.22599567275008395	J.:0.17044631072112662	.:0.11452227993266861	John:0.1081757657435407	William:0.0971613363851192	C.:0.09058680856876587	George:0.06449822090858635	Charles:0.060743487396097945	H.:0.05787011759401088	:0.01
the:0.6374013662918097	a:0.07282821601172167	of:0.06770636088558821	this:0.058205660269236986	his:0.0515731265054095	tho:0.03650789868082649	said:0.02702562611645956	and:0.021727592507973223	our:0.017024152730974754	:0.01
of:0.33406129049648303	to:0.12049264072633424	with:0.0963336285288878	and:0.0939645479779181	is:0.0864883967561169	in:0.08226092310789548	that:0.061430624386753084	by:0.057631216891386707	for:0.057336731128224655	:0.01
the:0.6508712654296142	a:0.09983713663491017	tho:0.05239547147515778	any:0.05215008373155352	this:0.03814395438674984	The:0.025922331976556665	that:0.0257052411354048	said:0.022650433653663826	tbe:0.022324081576389192	:0.01
has:0.1529616218021642	and:0.1327516318111617	I:0.12345520954150345	the:0.11759765319295915	had:0.10918594983497103	have:0.1012446289029394	was:0.09234299306261431	is:0.08049226973053512	he:0.07996804212115168	:0.01
which:0.21597772088141595	it:0.18465171430396346	It:0.1740531102265308	that:0.14195052961581553	and:0.09422627351345923	they:0.06554715559392782	he:0.03846471294067002	who:0.038320493389156385	there:0.03680828953506078	:0.01
the:0.23096407016366577	of:0.1722033400437719	and:0.14147498841999784	a:0.12083689853514935	to:0.11852942901038442	be:0.06109875657352347	was:0.058041221521029175	in:0.05303128523338767	at:0.033820010499090294	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.7832320812241133	The:0.034994765375564875	tho:0.034248167636084056	in:0.03398518441840311	a:0.027055969153015284	and:0.026887077682553787	no:0.02065298669590591	to:0.014997236856731327	tbe:0.013946530957628381	:0.01
and:0.2794604448202863	wait:0.11218219597371293	not:0.10790288591181015	them:0.09869567173090517	was:0.08301985515685782	annum:0.08128723156862967	adjourned:0.07760047759086465	it:0.076410253813026	is:0.0734409834339072	:0.01
that:0.2552027492246132	and:0.24739616137381143	but:0.13951823211335046	as:0.10047275784378422	which:0.07665856935201883	if:0.05195519272673162	when:0.04972913884251489	where:0.03626071909960702	But:0.03280647942356842	:0.01
the:0.45259999855839844	of:0.27893983449110815	a:0.050064486402479506	this:0.04105007361434546	by:0.03848031003232581	and:0.03588540165733464	The:0.033040846239109696	said:0.03138412083342916	that:0.028554928171469336	:0.01
those:0.4529909351618139	men:0.17669254562461442	and:0.0777641735520194	people:0.06973463070913263	Those:0.060505069472183176	man:0.04228232023178334	all:0.04140258357632076	persons:0.03955708558100816	one:0.029070656091124202	:0.01
the:0.4769261252619784	a:0.10188461426043646	this:0.09447411520849798	and:0.07130423770986373	of:0.06462294450009742	for:0.0578475772976483	any:0.04208236805669002	in:0.04080821628761628	other:0.04004980141717146	:0.01
of:0.3509002797429298	to:0.20555455655536398	and:0.11347354649642782	in:0.07284333245201467	for:0.061884936797956924	by:0.05946942510867478	with:0.055281713343555014	that:0.04104975355294299	at:0.02954245595013402	:0.01
and:0.2731235112941952	demand:0.1600440794265637	ready:0.09975931898465483	time:0.09496048153777206	used:0.0893718693589088	vote:0.08120196748039947	place:0.0692173277538341	provided:0.061333366634481704	candidate:0.06098807752918989	:0.01
he:0.2551201520408392	it:0.1288527672382355	and:0.12677751374117283	which:0.11430383549362245	who:0.09737427734167386	that:0.0943520398413628	It:0.07306541375906984	He:0.05605309586453941	she:0.04410090467948399	:0.01
the:0.7529022702059932	The:0.06356969039852374	an:0.05086305318238903	of:0.02959759555693412	tho:0.0270751466719142	public:0.021714982560560148	his:0.01692374259796867	and:0.01515216181798637	this:0.012201357007730474	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938135	be:0.08008775556196854	a:0.07801796281644585	in:0.06960382693033287	is:0.06885254681667448	was:0.06803906530008293	he:0.0635047829848459	:0.01
and:0.17242398561069028	as:0.14671919886062282	is:0.12617046029401924	right:0.11510593609863622	him:0.0996423111481772	able:0.09079721249751993	time:0.08979454579528022	them:0.0749387315413511	enough:0.074407618153703	:0.01
of:0.3663898246084499	to:0.14230576067460735	and:0.1008161749419362	that:0.08800406011494334	in:0.07899034383353772	by:0.06447705977048526	as:0.06196284386404849	is:0.047373755234580726	with:0.03968017695741105	:0.01
and:0.22944347801203294	it:0.18560740285395103	It:0.1778401420427815	he:0.12994263751990437	as:0.12322454475093873	she:0.040756592634900314	that:0.038680608852951145	which:0.03348696543869262	He:0.03101762789384748	:0.01
the:0.529871372502062	an:0.12538179664445886	The:0.10398418343201106	no:0.05792234954949872	and:0.041553604769308305	that:0.03766739880535068	their:0.03446085562747535	his:0.03307276217034193	An:0.026085676499493143	:0.01
be:0.24225776827547107	was:0.2408467634496216	is:0.15144076548425953	been:0.10825402797161421	were:0.05784855529597806	are:0.05177009922667211	and:0.051529439511421075	have:0.045869937634762145	has:0.04018264315020015	:0.01
United:0.9309205409489965	the:0.03678378442773816	I'nited:0.0066849414543340355	Southern:0.003323732534299146	The:0.003053549619232765	ted:0.0024833319008751983	nited:0.0024530043031345673	Uuited:0.002186732970327872	of:0.0021103818410616953	:0.01
be:0.19739305058978224	has:0.15952926304304385	have:0.15419638115989928	and:0.10629043303916424	had:0.090666309636117	he:0.0799797201035854	is:0.07382451503726477	was:0.07077559382792949	been:0.057344733563213915	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.3853244944598765	of:0.20161191429901182	and:0.13281277996971314	a:0.12239923761336709	in:0.03551265260697983	to:0.03103354669114786	or:0.028518751250521997	The:0.02804008313706694	tho:0.024746539972314786	:0.01
the:0.8637364132399632	tho:0.03430961518657653	The:0.021882531136760988	tbe:0.01858870298755881	a:0.014461400125506887	of:0.01309114618041246	and:0.008744576898534683	on:0.007623696981843424	by:0.007561917262843011	:0.01
Of:0.5327537284961954	of:0.18659679139348903	"Of:0.07679341299229565	the:0.06717741679861626	this:0.03982598264529755	his:0.026148023159880934	a:0.02452300021704008	in:0.020621183412023337	that:0.015560460885161772	:0.01
there:0.3032885416202099	There:0.2046666952218115	they:0.1376363647166102	we:0.08165032428159714	and:0.06158179224926733	who:0.05825117690987445	you:0.055310392990608914	They:0.048208507163228054	which:0.03940620484679245	:0.01
to:0.5809812810645795	will:0.11505691919538792	not:0.06294259037913483	and:0.06278313453733972	would:0.04472893623234164	I:0.034591421342198336	they:0.03032601772589362	can:0.029624814877529652	the:0.028964884645594727	:0.01
the:0.2732084333570019	of:0.16432260681204475	a:0.13204233918626768	and:0.12147650098125092	in:0.0914433451158364	to:0.06848718631458547	that:0.055028820233721604	for:0.04498993004410672	which:0.03900083795518455	:0.01
the:0.41510633844387385	that:0.10871243398391901	some:0.1075972525641758	any:0.07979487125565202	this:0.07644882744180741	same:0.07327301698911191	a:0.0654015281707071	no:0.033771731546305236	The:0.02989399960444767	:0.01
the:0.234408122978364	of:0.1828304793787199	and:0.15070945178286432	in:0.11802874539792416	to:0.07447537350815517	for:0.06971697362682315	a:0.06501836054781819	that:0.04761270286895048	or:0.0471997899103806	:0.01
the:0.4766947372933184	and:0.19307357905387598	The:0.06306756119996701	that:0.0610577746697837	of:0.056347081572959215	this:0.03915072743597498	to:0.03770590794076414	than:0.03269350527641731	a:0.03020912555693923	:0.01
the:0.2867322592482796	a:0.2610026112468413	of:0.130202256938174	and:0.10887663409827694	his:0.050104758525564265	to:0.04169832873026429	with:0.0403666186738138	in:0.039305962928188165	for:0.03171056961059771	:0.01
day:0.1856783449282359	line:0.17354665864496266	city:0.17038660035682002	State:0.11784414900991676	corner:0.081627717392632	part:0.07658416044941385	side:0.06499389145586673	state:0.06293141830183488	quarter:0.056407059460317155	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.2575619008309538	in:0.13778184754347153	for:0.11980787530480917	to:0.11818108648737348	at:0.11144536110759848	and:0.07810765798298186	on:0.06457341621035932	from:0.0523382636803526	with:0.050202590852099716	:0.01
number:0.3479557304440152	hundreds:0.17840631277100674	thousands:0.09494665689560734	amount:0.08902840367822924	out:0.07454512833769454	right:0.06834822511512087	and:0.05779075136665285	that:0.039696260378238424	class:0.039282531013434874	:0.01
the:0.519041149263849	of:0.17956991224290297	and:0.10074420416210277	tho:0.04138830625780651	to:0.035544951376339576	The:0.033345700844786316	in:0.02932136640202946	for:0.026489980459522104	an:0.024554428990661296	:0.01
therein:0.2795534129524233	above:0.2493078551461562	hereinafter:0.18019888013776503	hereinbefore:0.1399981784346857	and:0.06502421653581789	be:0.02039972802716203	is:0.019202537128265654	I:0.018397022648512982	he:0.01791816898921108	:0.01
and:0.2049001741671483	was:0.17686612892490886	is:0.12972444040477402	be:0.10608464469363506	it:0.0808253305400863	interest:0.07545699508533193	are:0.07395100046965469	not:0.07265831400696875	been:0.06953297170749191	:0.01
that:0.24443729584997617	and:0.15444939476354383	<s>:0.12969670873961278	as:0.10770212456191086	it.:0.08270224731965019	but:0.07397577848630607	which:0.06944412260016984	him.:0.06507427175079589	of:0.06251805592803433	:0.01
and:0.2094793767642215	<s>:0.16761671236827178	to:0.1384374772199603	of:0.11955503777192691	in:0.09974511051073018	for:0.08970991860078496	the:0.060030203649832393	a:0.05385954546062059	by:0.05156661765365149	:0.01
the:0.8454876622661593	tho:0.029986454679901804	The:0.02692406328221514	a:0.025829430417423353	this:0.023457786264339142	sole:0.011813097180470146	tbe:0.011470941652175711	that:0.009208085765374364	and:0.005822478491940921	:0.01
of:0.3810414409828971	in:0.1640593634483805	to:0.11847104233197113	on:0.06849710295845705	from:0.05718233619846522	and:0.05408369092230428	for:0.05352923792086894	In:0.04694876050240489	at:0.0461870247342509	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.4350691121933086	in:0.17590693507051808	to:0.10103820455278756	In:0.05410244356178705	that:0.04894784282719977	for:0.04796761694587244	by:0.04368040144683445	and:0.04226712549192657	on:0.0410203179097653	:0.01
hundred:0.4503738365108241	two:0.29658563736134735	one:0.0891212033950726	three:0.039173615397145936	feet:0.025817701392789962	wife:0.02366475989054041	dred:0.02220453956469675	four:0.021657121900225576	and:0.02140158458735739	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
and:0.24805862919699095	wait:0.17095914683343477	it:0.10308375579643421	them:0.09691666665006109	not:0.07826346792305976	him:0.07795698697609413	out:0.07568911883439841	me:0.0749874910005944	but:0.06408473678893237	:0.01
be:0.4499393120500502	was:0.14891711304471902	been:0.12045429615525546	is:0.09089949305205755	were:0.044384965759585567	and:0.035836690236938015	bo:0.033804128531534146	being:0.03313802475353129	have:0.032625976416328945	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.23632566192425677	of:0.18886074844018247	and:0.12682049354783523	to:0.09524780069146993	was:0.08498950973556638	a:0.07330451419837286	be:0.06504520465050595	in:0.06462390742693405	is:0.05478215938487641	:0.01
the:0.18967412161958205	and:0.16039812387112398	be:0.12426122688981939	was:0.12339453984543904	of:0.11493837137436898	to:0.08700087712254828	is:0.07482363279220873	been:0.06158286699078446	a:0.053926239494125026	:0.01
the:0.6137023787371636	of:0.10175162523613605	at:0.08816142621676376	The:0.04212694363522589	tho:0.04130225632242306	and:0.0344767499295042	to:0.03270459677819874	At:0.019756737203424853	tbe:0.016017285941160066	:0.01
of:0.32329917147477605	and:0.1505971805046369	the:0.13966809360084256	to:0.10026562179063007	be:0.06554557217927116	was:0.05454186971329016	in:0.05418785773990753	by:0.05277832791107027	a:0.049116305085575365	:0.01
of:0.4216403507787339	the:0.1603110577918501	to:0.09287401204002219	and:0.07877261698718876	with:0.07331482858595083	for:0.0445560808380516	in:0.04446325519629439	by:0.04262457973311482	his:0.03144321804879339	:0.01
the:0.44032532092278903	blacksmith:0.12144833721596575	of:0.09319978262827758	a:0.08636774484214073	and:0.0838199410315418	in:0.07827388024761846	barber:0.0342476865402628	The:0.02790285549308358	that:0.02441445107832027	:0.01
the:0.2115885749218872	of:0.1981505255001405	at:0.15003765183173623	in:0.13768871201112562	to:0.08291298822593032	and:0.06019642235653826	a:0.056041841711516285	on:0.05307257185472001	In:0.040310711586405555	:0.01
the:0.32200463811602553	no:0.20692057260947375	a:0.17287129691126038	any:0.05615937651258571	The:0.05611397755533407	be:0.04894581817298719	an:0.046144208666942396	and:0.04090506695834237	very:0.03993504449704869	:0.01
in:0.4012325547276402	the:0.19555487390010848	In:0.10784192508028345	a:0.09698861188200332	take:0.08225988669629536	took:0.03851085684635368	and:0.023770822769100815	or:0.022475270875718448	have:0.021365197222496152	:0.01
the:0.2781006807555158	Mr.:0.20279267951665778	of:0.13237428459760445	The:0.0866001262227909	and:0.08328248282159866	that:0.07698677073899704	a:0.05770113214848798	Mrs.:0.039502858498326084	.:0.03265898470002127	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
that:0.4248767727810632	and:0.21696169084527836	but:0.07728732858024093	if:0.05209935182685942	when:0.05161873506627446	where:0.04967867968515334	which:0.04575344605788949	as:0.042465679687247924	Then:0.029258315469992895	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.41773515469212547	to:0.12058911408202545	in:0.12026595672238302	by:0.07310423207258618	for:0.06720959686131464	that:0.05564286791544017	and:0.051951206499336516	with:0.04814683908079241	at:0.035355032073996095	:0.01
person:0.20531312894303227	five:0.14192873288632507	ten:0.11630069465323675	one:0.10246605005505668	two:0.08983868018036562	hundred:0.08751413465476847	more:0.08657648876790676	lot:0.0818978644321041	city:0.07816422542720411	:0.01
that:0.31663301393766674	as:0.1490043734264882	if:0.10931338716090945	which:0.09839266866042613	and:0.09424257213337592	where:0.06868577128050966	what:0.06014037764174531	but:0.050073419639953785	than:0.04351441611892476	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
to:0.33965060249752355	will:0.1785674431025148	shall:0.12939618111588067	would:0.10526048595499948	may:0.08927914748616961	not:0.05178279063247181	should:0.049279290903236156	must:0.029479108652549383	can:0.017304949654654542	:0.01
of:0.2077450728428805	the:0.14274703291744004	at:0.1284854362972801	and:0.11648575937126293	.:0.11637466798444815	0-:0.07430743567113644	said:0.07355404747048895	-:0.07227343254759967	<s>:0.058027114897463206	:0.01
and:0.30413897223976744	of:0.25131473638042673	the:0.09284867820878091	by:0.08986745125330471	in:0.0570773035820314	or:0.05378963070854306	for:0.050218914569158495	that:0.04603240426664696	to:0.0447119087913401	:0.01
and:0.26106849062347115	the:0.19554736216822505	any:0.13427360282152664	or:0.11631328769202957	of:0.07443676633240681	all:0.06892701553237131	no:0.05109724528059536	some:0.0462979816023174	in:0.04203824794705671	:0.01
the:0.36710660021205765	a:0.18889880180548893	that:0.1345201310777603	The:0.07925947677007271	this:0.07007972069447162	and:0.0460414874179851	what:0.04204528853323977	of:0.0321369594183229	This:0.029911534070601098	:0.01
of:0.35274977105051863	to:0.17281604997550973	in:0.11002356683580614	on:0.10353108139880829	by:0.058892118777487755	from:0.057347726685512045	with:0.05403336975915564	at:0.048178870451605516	for:0.03242744506559626	:0.01
he:0.346501052135008	who:0.16524687721441422	she:0.0939565840617455	they:0.08200101607898734	I:0.07854418651348084	He:0.07292902731509013	which:0.059360502573063856	and:0.056837887182834626	that:0.03462286692537548	:0.01
the:0.6046190249235225	of:0.08205211967790121	and:0.07073928472226543	this:0.061417232891412064	The:0.05208874268079892	tho:0.03452140688790483	that:0.030741094160428754	a:0.028631944131492962	on:0.025189149924273364	:0.01
the:0.298845698012446	Democratic:0.21113021489401723	Republican:0.1829922364629404	his:0.07123544512816855	democratic:0.06203826132215897	republican:0.05778599746507541	our:0.03940406627723277	of:0.03715189583647192	publican:0.029416184601488694	:0.01
and:0.3393626640434815	to:0.17732162174538393	of:0.09581509275242527	not:0.07225357442184623	which:0.06409073755214077	it:0.06198799393037636	re-:0.06195276507152283	the:0.05918274462266674	that:0.058032805860156515	:0.01
the:0.6006912970684803	of:0.07210706306136803	tho:0.0702369285501976	their:0.05891813763690341	and:0.054089144774343276	our:0.04084397489831687	tbe:0.03228939348227222	The:0.032115833049097264	his:0.02870822747902087	:0.01
he:0.27815866773025816	I:0.20086306868199327	they:0.10324245838274379	have:0.08204658689404552	she:0.0773412187927813	and:0.07216353790499624	who:0.06541637249810138	He:0.06187836700934051	has:0.04888972210573986	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
and:0.21611167579573193	the:0.1352979457465441	to:0.13396627391568766	of:0.12534535200190874	in:0.09601261023153373	was:0.09351534066876913	a:0.07652736995584764	be:0.0710897106828275	been:0.042133721001149496	:0.01
the:0.3718093051477366	a:0.20531120261900512	and:0.13107693269218942	of:0.1124602436194885	an:0.04655747679828293	to:0.035407772910839734	in:0.03318739613206984	The:0.03025527164401803	tho:0.023934398436369814	:0.01
to:0.6749197567580357	will:0.1086009587311979	and:0.049978783101372465	would:0.0344862738520985	not:0.03265449185041845	the:0.025024659161076247	may:0.022671546446063468	of:0.02190374200467886	shall:0.019759788095058402	:0.01
of:0.2385278850815901	the:0.16802364293714533	and:0.12948864632017906	to:0.12756909556412252	in:0.08455289842744297	a:0.07072259306338716	be:0.06299644397177792	for:0.06094683413443188	is:0.04717196049992302	:0.01
and:0.22359968290163865	demand:0.14827480226450873	ready:0.12509974120127257	not:0.10781179920921906	used:0.10157348029387409	time:0.07749501592485684	necessity:0.07626940883785346	is:0.06525983808826649	enough:0.0646162312785101	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
husband:0.17568917950257912	men:0.14294351794359644	wife:0.10776861506119503	John:0.10480795174335315	William:0.10372930841070628	James:0.09399454580173834	up:0.09268717315575178	Robert:0.08741132963318429	street:0.0809683787478955	:0.01
the:0.8657103316150121	The:0.049288831707500494	tho:0.015248005276036541	a:0.011904305996588488	an:0.010678667628294036	to:0.010548521274698684	his:0.009126443074454354	their:0.00661832958812944	our:0.006010125353747104	and:0.004866438485538746	:0.01
that:0.371739867996464	which:0.11851866647349125	and:0.11799120008495087	if:0.07779864410619086	as:0.07513205183763351	but:0.06614765438119001	where:0.06504322807420472	when:0.061911374323883606	If:0.035717312721991044	:0.01
in:0.23041258997736438	of:0.22779246508412326	to:0.13359363017682432	with:0.0873342797835442	from:0.07516315615188836	for:0.07454106948921325	and:0.054196168251651355	on:0.053970993654456706	by:0.05299564743093413	:0.01
of:0.37757352357277263	to:0.1412997508358221	and:0.0922662258820009	that:0.08655245251206978	in:0.08397587336935568	for:0.057992475083582205	all:0.051482044210817056	by:0.050817117881126236	with:0.04804053665245338	:0.01
as:0.3032766602776091	referred:0.10304334621170651	and:0.1026073898292322	came:0.09571581013643159	up:0.08846218218145885	conveyed:0.08012148817365196	it:0.07575822988296133	belonging:0.07381653890965018	went:0.06719835439729828	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
went:0.2308007665827958	sent:0.1700059090000297	go:0.10777344111300152	set:0.10113565200513219	turned:0.09926019761842551	come:0.08562586540808906	came:0.0756550456183855	pointed:0.06142233067184643	called:0.05832079198229425	:0.01
the:0.17092750598625533	and:0.16918715689086075	of:0.16865486965200363	to:0.16792362542136652	in:0.07609657238307234	be:0.06620269474349344	or:0.058409858839205436	a:0.0567224565545611	was:0.05587525952918153	:0.01
for:0.6616776620852932	of:0.1468538465364565	in:0.05020763547505892	any:0.04069425691803206	at:0.02334797904253562	with:0.019965353235471262	that:0.018090171338440934	and:0.015201298350813864	to:0.013961797017897721	:0.01
and:0.2679716192906093	it:0.14891785665017132	agree:0.10136377126399758	do:0.0958426622852812	connection:0.08506341642487741	them:0.08270193147116507	together:0.08185874875635105	up:0.06987939476486002	away:0.05640059909268706	:0.01
<s>:0.6083795147406398	it.:0.0814077410582518	them.:0.05273033187786587	of:0.049719484804890815	.:0.0483628156503314	day.:0.04117334233844389	country.:0.03649171982045144	him.:0.03589124664773541	time.:0.03584380306138966	:0.01
the:0.2527781663190717	and:0.18248603280587028	of:0.14003018590093955	to:0.12995973004766373	a:0.06920695734129559	be:0.05946308184699662	was:0.05759666881584869	in:0.05389847023614901	at:0.044580706686164775	:0.01
the:0.6427881085213275	a:0.1373262391130397	tho:0.04144220242570776	to:0.03504506186096238	this:0.034582918180035664	of:0.026212002719623307	and:0.02468841251632628	stock:0.02399066818433184	The:0.023924386478645636	:0.01
of:0.21768961859876715	in:0.1992104208284989	and:0.14230406551975144	the:0.12407119652588926	a:0.09417041319680879	In:0.07010086143172199	with:0.06767684115699052	was:0.0384346106545725	is:0.03634197208699938	:0.01
is:0.20531716177253911	of:0.1548571616806375	was:0.14749203504570196	and:0.13792749623615277	in:0.10120155365734503	as:0.07174518036482276	to:0.06110690582472406	by:0.05557954502909937	any:0.054772960388977374	:0.01
and:0.3852533234371804	of:0.24860990676162797	the:0.07992822348941252	that:0.07683760633225639	these:0.05765457292693311	which:0.03849654507774118	as:0.038196144996749955	their:0.035302203424154764	The:0.029721473553943736	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
State:0.47458550771390784	state:0.11993085085128066	Board:0.093049127962834	line:0.07177087856057411	county:0.05784641355240073	city:0.050712271691599864	corner:0.04911154965135702	County:0.04764874689551026	House:0.02534465312053555	:0.01
and:0.29100862546764894	as:0.14759950797101445	of:0.11671323896467223	was:0.08667957373979224	is:0.07611808657759078	that:0.07262074992328056	which:0.06773089061745112	are:0.06714264532833322	to:0.0643866814102163	:0.01
of:0.255071987105152	the:0.24110422653470306	in:0.12114308692854875	a:0.11067388429160388	and:0.07441522182621237	to:0.06773805723301689	that:0.04048419048534594	by:0.04029791913583225	for:0.03907142645958479	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
<s>:0.5231394178066023	.:0.1462200386076992	Mrs.:0.06400054272328881	J:0.05908967015434529	OF:0.04848946800850663	Mrs:0.041957312954693377	Mr.:0.041593044517807085	of:0.03355818681353403	W:0.031952318413523174	:0.01
are:0.18589410404967596	be:0.18179082696851878	is:0.1374881254195622	been:0.1119216080330741	as:0.1064458722995985	was:0.0800897645370403	and:0.07591533370718512	have:0.059189349608181396	were:0.05126501537716368	:0.01
the:0.3201606507443874	of:0.1996047586413634	and:0.12421327466855561	to:0.11692989638389366	at:0.0597196724593345	a:0.054436680484885605	.:0.04527438411868307	in:0.037294101919151675	for:0.03236658057974502	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.24970352174941363	that:0.14243337278237883	an:0.11391917883820996	as:0.09611331632668743	the:0.0950802413268795	No.:0.0787676914831425	at:0.0765976722111057	when:0.07410363176304857	<s>:0.06328137351913382	:0.01
of:0.28718138980067304	and:0.13371001925811268	to:0.11320614418519524	in:0.10896540599912123	that:0.09316921342912521	for:0.08310440438021151	by:0.07116454658418495	on:0.052034833026547725	with:0.04746404333682843	:0.01
of:0.21338832523674772	in:0.14017901232241858	and:0.12939343303774875	with:0.10408959886573863	is:0.10292083424447168	was:0.08224908889474121	by:0.07954907839589143	for:0.07804424202008158	to:0.060186386982160285	:0.01
and:0.25001458160352896	be:0.11817617732134665	has:0.11419279375482091	he:0.11329639249490449	have:0.09713323071727527	which:0.08976250268865076	I:0.08967266796941575	had:0.05908154733395405	as:0.05867010611610306	:0.01
the:0.4950109156036055	a:0.16164370112595763	of:0.10710538574237821	and:0.07918833336928531	The:0.04305259230281749	in:0.030771536060903038	tho:0.025725261783843874	or:0.02428919266043279	to:0.023213081350776068	:0.01
of:0.3668738281601366	other:0.2870466318142292	these:0.07010466953847354	in:0.05504716791584482	the:0.05243095341592399	all:0.052146070301305136	for:0.042846876003169256	various:0.034142810611370394	to:0.029360992239547187	:0.01
feet;:0.309702945070607	feet,:0.13689607516263605	;:0.1363121880384964	and:0.10539860203584589	running:0.08540253860841356	feet::0.058578310973932735	street,:0.05473262729479147	4;:0.051590096564545634	stake;:0.05138661625073123	:0.01
the:0.2975076155854317	of:0.18095708603830288	and:0.16143558651189846	to:0.08106366127438577	in:0.07679923815828021	a:0.06949398083985753	his:0.052943516492411746	was:0.03531346474292608	In:0.03448585035650551	:0.01
the:0.5888094533117914	an:0.10112290295454646	a:0.07515408096153393	this:0.04698936622542089	The:0.04613823446561353	his:0.038598450173436875	and:0.0352501088030192	tho:0.02924083769732703	said:0.02869656540731084	:0.01
the:0.2595161951092514	of:0.14902396077236055	and:0.12387939157408856	is:0.1153396480276407	a:0.08241483323047229	in:0.08194802087304869	was:0.0779624553967398	to:0.050945062135500624	their:0.04897043288089735	:0.01
are:0.16432108579626847	was:0.14911872180925032	is:0.1280180001286511	and:0.11562244009178568	not:0.10610262193542924	were:0.0884755275311364	will:0.08766187080427489	be:0.07687401355853334	had:0.07380571834467058	:0.01
and:0.3566638953041958	or:0.18991146236573977	that:0.10235579520512857	but:0.09731835952775168	not:0.08788064872058444	for:0.043164010040051895	But:0.04022831374858809	is:0.03651282562155435	be:0.03596468946640538	:0.01
men:0.14249907312068288	up:0.13199928517027307	in:0.1144745799928613	time:0.10808446608231882	friends:0.10325769341432005	him:0.10274409472781805	man:0.09637657993615782	home:0.09625477122474095	wife:0.09430945633082709	:0.01
.:0.23489104548318376	J.:0.1677907384210787	A.:0.1372889867245314	W.:0.09440672769446824	C.:0.09065888584893998	Mrs.:0.08552624941420674	H.:0.0727720835396082	E.:0.0549137722194323	M.:0.05175151065455069	:0.01
it:0.23395789008208595	he:0.15728179701548436	I:0.1307141218561129	It:0.12432707403776609	that:0.09293873480584988	they:0.08143644076300455	which:0.06318483223818545	and:0.0548928604301729	we:0.05126624877133782	:0.01
the:0.4077720389704144	a:0.18585291054972425	of:0.111461862857906	and:0.08873132587137963	in:0.04627761336757523	The:0.04242703226798865	for:0.03897791827695876	to:0.03524189371520376	Mr.:0.033257404122849256	:0.01
of:0.2886606273126088	in:0.22143029426450436	to:0.10957679967486364	and:0.10464464655394339	for:0.07985695745438832	at:0.06644684732271988	In:0.05441156815486866	by:0.035214874544881904	on:0.029757384717221003	:0.01
made:0.164042621752831	be:0.13371116265881222	taken:0.13011464667808698	it:0.1241382551691322	put:0.11583622442687677	set:0.09437707032102798	and:0.08209668522593733	came:0.07323431978160358	make:0.07244901398569185	:0.01
the:0.23416469286989205	of:0.21055822842083122	and:0.13953933813282984	by:0.11294166761598187	an:0.0849366367540297	to:0.07727205081885902	in:0.05535757811941359	for:0.04405679969353213	or:0.031173007574630564	:0.01
a:0.2624774583789531	the:0.199560559085454	of:0.17043740037627544	in:0.08941420754259406	and:0.08631124462137402	to:0.06967574507524112	an:0.054745917043327826	for:0.03054127226813062	his:0.0268361956086497	:0.01
the:0.40004629088706956	of:0.17001214588784655	to:0.09324409555324727	and:0.08485788841663555	a:0.07725491056514237	in:0.058901956466901474	for:0.048500848023656985	that:0.030393568527880322	on:0.026788295671619843	:0.01
amount:0.2440423766273841	sum:0.16922806899019052	number:0.1488830673899175	kind:0.08673593245267633	piece:0.08408152064145442	out:0.08054018718313875	plenty:0.06920796000165007	kinds:0.056117981273187276	means:0.05116290544040108	:0.01
at:0.5152052416912875	At:0.19656573665923732	of:0.05626638635255372	By:0.050009780038401036	for:0.04619695976128439	that:0.038278167245824106	in:0.031166178704283905	to:0.029488543567586328	From:0.026823005979541743	:0.01
the:0.256343049538198	of:0.16436520824216833	and:0.1555228180960079	to:0.11505024205928038	in:0.0931680394176886	for:0.08033447994509665	that:0.0519093298852748	one:0.03795750159829858	by:0.03534933121798681	:0.01
of:0.2240659145072584	to:0.16833386582305848	and:0.12399856365707765	the:0.11417039760357847	in:0.11125105010033043	a:0.09749271005913454	an:0.05110499429104125	on:0.05044971941985533	for:0.04913278453866559	:0.01
of:0.24138186222504704	to:0.1387436016534267	in:0.10623077892283325	about:0.10077506156127124	and:0.09151119459683921	at:0.08789806465692024	from:0.08006737270729601	for:0.07618378489114494	on:0.06720827878522127	:0.01
that:0.2552027492246132	and:0.24739616137381143	but:0.13951823211335046	as:0.10047275784378422	which:0.07665856935201883	if:0.05195519272673162	when:0.04972913884251489	where:0.03626071909960702	But:0.03280647942356842	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
of:0.25289921391202497	the:0.2157589921088513	and:0.16233962007116315	by:0.09869209508891172	many:0.07288413200527247	for:0.06873143582851675	are:0.04749582800674014	from:0.03970599072512578	all:0.03149269225339364	:0.01
is:0.3574591313972601	are:0.25460400451563053	and:0.10590439336124803	Is:0.0691299301774009	was:0.05983012055178282	it:0.042289081891148016	not:0.03539486957404786	but:0.03432045469530236	am:0.031068013836179402	:0.01
to:0.25899009985987886	and:0.20691113851486853	of:0.12222836551254562	the:0.08594736535787019	is:0.07480810658605944	in:0.0664871705332616	was:0.06439095079885332	con-:0.05644473110180624	will:0.053792071734856284	:0.01
at:0.28635923288916365	about:0.27490131451381716	of:0.16572477505386687	and:0.10255218468015631	to:0.05869491101789338	over:0.028522010246037958	from:0.026121669705797337	for:0.025462085953093554	than:0.02166181594017386	:0.01
the:0.40524908905257484	a:0.25367247997244774	of:0.07823647718811468	in:0.0702843277460727	no:0.04827501245431196	The:0.039702806500981076	and:0.03828979338211575	to:0.028451929654359488	by:0.02783808404902173	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.2966278083655574	be:0.2293110739068013	was:0.11732915046487423	and:0.08588092087681623	been:0.06100857597176975	of:0.05464919742277967	is:0.054463655843680785	not:0.05383249783475988	were:0.03689711931296082	:0.01
of:0.21329159424771485	to:0.15902978854303737	and:0.15343037901538603	the:0.14128408917428942	New:0.07878708760527657	in:0.07526123931479343	<s>:0.07006640756382197	a:0.05252350441727817	that:0.04632591011840229	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
a:0.2925808908822103	so:0.1874348563585451	the:0.16540533563759954	not:0.09431703100461768	and:0.07579793621720524	very:0.053370837024504715	Not:0.04492280007951975	that:0.03831868237662278	his:0.03785163041917486	:0.01
to:0.21852276894475595	would:0.20151519646808336	will:0.15109835924004328	at-:0.1171469114626556	and:0.09324795282127218	I:0.06926368965088824	not:0.06042206527726282	who:0.04600648485535764	may:0.03277657127968093	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
and:0.1848376676647123	he:0.1830391928808155	be:0.1261898031795597	had:0.11007606547726007	was:0.08675284966254095	He:0.08165954618298724	have:0.08151363521192856	who:0.07601358077130248	has:0.059917658968893284	:0.01
of:0.34379915101235975	and:0.15205407572578666	that:0.1046153485085719	the:0.1018295944298935	which:0.06918645768564832	to:0.06392166845787794	I:0.05551964504706918	by:0.05039674149160221	a:0.04867731764119051	:0.01
and:0.30270925673550475	fact:0.16943001944517186	so:0.11358010044095931	is:0.11266763121327539	know:0.07568042407507537	believe:0.06812016133190102	say:0.05750618905495806	was:0.047547212930166706	found:0.04275900477298741	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558527	for:0.09174081455919122	a:0.06366595919272895	to:0.061841865908333744	In:0.05733705309984939	was:0.03321233541124056	:0.01
it:0.2785617870082724	It:0.14058657073537015	as:0.12754388100244876	which:0.12453991685388906	that:0.10374278837395833	they:0.0775235962159316	there:0.055052625199923454	and:0.042753566693321025	he:0.039695267916885144	:0.01
to:0.2689751913024214	of:0.16081543035727672	for:0.11714483115963774	make:0.08918695588980421	found:0.08595813878372147	on:0.08281376223480798	have:0.06665053411498818	and:0.05987851343132549	made:0.058576642726016745	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.12537937924608727	and:0.10985980430753879	in:0.06240993305390327	for:0.06192854377065039	be:0.05083764956696977	was:0.03700580416928512	is:0.0336844012946531	:0.01
of:0.29173657289573296	and:0.2912652978311739	that:0.1336705451206094	for:0.09421536276555363	but:0.04820022389617701	in:0.045926219359879526	when:0.03077420097151115	which:0.02762993813359276	where:0.02658163902576959	:0.01
of:0.3822267293020146	to:0.1168044250268174	in:0.11253776049377284	and:0.086128521761981	for:0.07209232814807053	by:0.06496623757713468	that:0.0588877593852753	on:0.05041954976271098	with:0.04593668854222239	:0.01
the:0.7791219070888459	this:0.06727446019694357	tho:0.04218488404296477	The:0.022029388151703803	civilized:0.020679568320106295	whole:0.01637855699250399	tbe:0.014572045123741726	our:0.014162600630292645	a:0.013596589452897335	:0.01
of:0.3459150497370277	and:0.12483338512162416	to:0.10395470271536035	in:0.10229269629311659	that:0.07521912722428531	by:0.06538614427172511	for:0.05943838081256749	with:0.05794835135118078	from:0.055012162473112594	:0.01
of:0.2691123877605227	in:0.1799353931872076	to:0.11387732616489306	and:0.10814601272283804	by:0.07960368888306117	with:0.0756434607499008	for:0.06854809221883983	from:0.049503978702720365	things:0.04562965961001627	:0.01
the:0.35295075096745687	of:0.23576116297493566	to:0.12888654523496526	and:0.09050904376590592	in:0.04133297937505859	be:0.041256673741006576	for:0.03751470473767561	<s>:0.031533700307135176	a:0.03025443889586021	:0.01
the:0.4756996755450011	other:0.08665755764293091	and:0.08275677526551119	different:0.07125654321952282	all:0.0681432758803959	of:0.066112764539503	tho:0.048453460542818905	various:0.0464112100144847	some:0.04450873734983157	:0.01
hundred:0.14811792512106622	up:0.14644756016866825	in:0.12711489691271313	one:0.1260183025111045	;:0.12486460065164207	each:0.08093270772184304	made:0.08073859259428114	it:0.07922848935361987	it,:0.07653692496506183	:0.01
years,:0.16270601460719014	time:0.12852657470430356	in:0.12362720187448062	;:0.11832081493207332	porous:0.1026614492451613	hundred:0.094376847867295	it,:0.09322632357261038	States,:0.08499726460405177	manner:0.08155750859283398	:0.01
the:0.5143213450542735	of:0.22146603913499865	for:0.058277274265510576	and:0.0489010393807108	to:0.0345047382292867	other:0.03114212012691126	by:0.029622277345488442	The:0.026171292827287664	at:0.025593873635532394	:0.01
to:0.6871786982645762	will:0.08981753232876599	and:0.06581685308978052	would:0.05080824949192813	not:0.033565600036433774	shall:0.017908440787877834	should:0.016314977765610514	may:0.014573183876782523	can:0.01401646435824439	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
that:0.38314639234260467	when:0.13078830405217987	and:0.10494735551057087	which:0.08901523310559767	as:0.07679054931488127	if:0.05540889644007941	where:0.05373268422396405	but:0.05232720105559394	said:0.0438433839545282	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.48539178219401397	in:0.11366830798796801	and:0.09050880669839421	with:0.07883882809502121	for:0.07019603557958116	all:0.05022298502845721	from:0.03611565859908357	are:0.033793590559366427	by:0.031264005258114104	:0.01
two:0.1826055870384107	four:0.12690581682095378	five:0.12484659650009236	three:0.11893494039958098	many:0.11410972830366722	ten:0.0914491570533103	twenty:0.08923616700876635	thirty:0.07201272671241321	six:0.06989928016280508	:0.01
<s>:0.41794859059587275	.:0.27141306838709606	it.:0.0630857824152169	-:0.0577428058731152	them.:0.04814298676759988	sale.:0.03873344839778923	of:0.03490046573483976	follows::0.030865480301427946	W.:0.02716737152704229	:0.01
the:0.26033142712954094	and:0.239874959806757	of:0.16408557327611512	to:0.08884727619044282	a:0.06378889501218281	in:0.047543939209417525	be:0.045404355414281714	was:0.042334429685261715	or:0.037789144276000323	:0.01
let:0.350516584687545	to:0.22271882445901345	Let:0.1671963565366832	do:0.04633007266213916	for:0.04546627187215059	of:0.04405473326346125	with:0.04333206805952396	made:0.04028442656014591	have:0.03010066189933759	:0.01
have:0.17431113488219324	has:0.1553701251776937	had:0.14131812333106056	be:0.1333158673287769	and:0.10666529685020378	was:0.0994127271709661	been:0.07465803520178178	he:0.0534727687502774	is:0.05147592130704664	:0.01
and:0.22646225889984659	to:0.17936631755545326	of:0.16273196773080137	the:0.14441230832401447	in:0.06671702552099561	be-:0.06590235747966393	that:0.05175613165960594	was:0.04831311007520194	for:0.04433852275441699	:0.01
to:0.7225274492691599	will:0.06571415000862534	and:0.050218398543540446	of:0.03646323733589215	would:0.02505052278559612	not:0.024141597655961466	the:0.02358599869326482	his:0.023064014238017638	shall:0.019234631469942018	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.27895236938296064	and:0.1815741959114548	of:0.11700125654501145	be:0.08597406913736913	is:0.0818804158574025	was:0.07446559526799991	to:0.06842188686370466	in:0.054102785801128615	he:0.04762742523296838	:0.01
and:0.3487292858233091	arrived:0.12656405222265998	Western:0.09989662868809666	that:0.09491165467899382	the:0.0764046628237267	sold:0.07493763805005543	held:0.05699377841455062	2:0.056193047510816115	or:0.055369251787791424	:0.01
the:0.4736562639390388	and:0.18515907676286975	a:0.07781981137035485	in:0.05115738754216693	The:0.048530560309079894	is:0.04117838408062129	was:0.04093742420978901	that:0.03824712824000503	of:0.03331396354607453	:0.01
is:0.14901163144893126	as:0.13158562981947514	was:0.1284999825665622	and:0.12500280372596032	able:0.1007793014722125	order:0.09195179274050279	have:0.09069709664264217	unable:0.08628623068913867	had:0.08618553089457504	:0.01
and:0.4048405296965931	to:0.10291092501191824	it:0.0901741905516131	<s>:0.0752098576282943	up:0.06968084770889989	them:0.06807211080866968	1:0.06275275976279422	.:0.06146577986683246	as:0.05489299896438506	:0.01
the:0.25798786231697063	and:0.22503799857075707	of:0.21273128753233203	with:0.08534930270434521	by:0.07454305397046679	or:0.04636508096671557	in:0.034968715048241984	their:0.0271548880550573	for:0.02586181083511341	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.27839849385178445	of:0.17314187991777996	and:0.1727875748258432	was:0.07683132170174999	.:0.0730018937796103	a:0.0629255378317025	to:0.05775520001511756	be:0.05450591876991799	is:0.040652179306493966	:0.01
and:0.2664064778134061	or:0.1669259937013444	of:0.1633092735774072	in:0.09203357385304695	about:0.06924078491898883	hundred:0.06016336227891411	within:0.06004812561078173	the:0.05832992959432545	to:0.053542478651785234	:0.01
and:0.29741162641941254	to:0.18385963671505207	of:0.1104954464255743	be:0.08995640654913849	was:0.07444163795661357	is:0.06454440322839741	or:0.06321719612942556	not:0.057415582771396426	by:0.048658063804989646	:0.01
of:0.4386473407810238	to:0.12938287716294242	in:0.08826162615491283	for:0.06745434945775954	by:0.0631741958410881	that:0.060929772592688565	with:0.05667190285515047	and:0.048899740124340924	from:0.036578195030093304	:0.01
on:0.26093876614682426	of:0.2313603853521912	in:0.14104423578423317	at:0.07420932258423689	to:0.0728916043730267	from:0.05853650693545567	In:0.05391587769799201	On:0.05320380330039513	and:0.043899497825645034	:0.01
the:0.4998690605580268	a:0.13371898743509136	to:0.07747333967160183	and:0.07142022487130345	this:0.06839964681055162	of:0.05758479860008791	The:0.035098961581355295	tho:0.02381374531936882	an:0.022621235152612898	:0.01
and:0.32434810589817087	was:0.11832549081564547	held:0.10061653345026712	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139066	arrived:0.07348439933321943	that:0.0714853472708103	interest:0.06758836938612982	:0.01
and:0.3818892231731504	of:0.1106798870630027	a:0.10642845539960559	to:0.09993121648226018	the:0.094635326850952	<s>:0.05330798389283131	who:0.04980625927683239	in:0.049738852198031626	was:0.04358279566333376	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.4208930175520062	to:0.09518268739722718	for:0.08799122425150871	all:0.08483632026445624	and:0.08075580768189063	that:0.07922533371071121	in:0.05931598062683129	by:0.05779702796556192	with:0.024002600549806633	:0.01
the:0.3547872924294413	and:0.14055984207026018	of:0.13417405306069213	in:0.06872272570797316	to:0.06854283350334517	be:0.059450659167203886	for:0.05787337280722518	their:0.05472105072209207	his:0.0511681705317669	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
a:0.5914565216646035	the:0.2550117912235409	one:0.04137812694703111	A:0.021815169079276407	The:0.01972913427037574	his:0.01838326395072586	to:0.015179072612935898	this:0.014498943373558379	tho:0.012547976877952172	:0.01
and:0.28081826524842834	recorded:0.11992459715138465	is:0.11459601146648143	that:0.10719611749566711	was:0.10127129399640517	are:0.086604104023806	distributed:0.0680936502147143	but:0.05624580094236254	divided:0.05525015946075051	:0.01
in:0.2650179024097676	of:0.17356860007076075	and:0.15073751634371893	to:0.12320111984592574	for:0.08137240182844492	In:0.07580927708538578	that:0.04508926303704378	the:0.04330695429386945	after:0.03189696508508306	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.10005802787283471	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.040989301969020085	I:0.025676339882261923	:0.01
the:0.2897383324568781	of:0.17113076544121678	a:0.10182560711526899	to:0.08415539991493161	in:0.07588252600215932	any:0.07161219763621446	for:0.06930496705250555	or:0.06569006370210649	and:0.06066014067871867	:0.01
the:0.5644686415893421	and:0.10655165022978806	of:0.07017298416202941	in:0.054155813857814844	a:0.05198142530837699	The:0.04716790715823825	tho:0.039056377841624544	on:0.028850642019864703	that:0.02759455783292099	:0.01
out:0.1949328395511101	up:0.16327434566927937	him:0.12219759848093649	back:0.10782077504693253	down:0.09423581312769463	step:0.08226801016029714	made:0.07548262282304412	was:0.07519083918212467	them:0.0745971559585809	:0.01
that:0.3247851203756407	and:0.1709604500477219	which:0.12345040099260383	as:0.09280546875347553	but:0.06958564316179967	if:0.06389571977089714	when:0.051883962259619804	what:0.04673959917634413	for:0.04589363546189728	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.537741835985264	of:0.2003617436592899	in:0.07569903307219267	and:0.03710848225416974	The:0.03609763177488927	for:0.03513298658468653	tho:0.02492050195064128	his:0.022451392932775663	all:0.020486391786090897	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
of:0.23196931822841096	to:0.1414409652969743	for:0.13275300214239147	in:0.13198872710179554	at:0.1159946811630828	and:0.08415516272805523	on:0.06320900735398632	In:0.04609012142899505	by:0.042399014556308345	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.4350691121933086	in:0.17590693507051808	to:0.10103820455278756	In:0.05410244356178705	that:0.04894784282719977	for:0.04796761694587244	by:0.04368040144683445	and:0.04226712549192657	on:0.0410203179097653	:0.01
and:0.43298108244982425	was:0.09985491030549938	is:0.08880700002377488	not:0.08336851227784033	are:0.07318423286141337	or:0.07057673131679165	be:0.04992597792635811	of:0.04594162752348318	that:0.0453599253150148	:0.01
will:0.2918225354876629	to:0.2421237344986287	would:0.1046364399198161	and:0.07649267416393876	not:0.06760052627578993	shall:0.06646835525038922	may:0.05636557799066668	a:0.04575407365197527	must:0.038736082761132495	:0.01
one:0.24826286203849662	day:0.11898601728843455	man:0.11839115094119834	two:0.11607430176347815	lot:0.08987911707858826	on:0.08518404274235834	owner:0.07231162318235562	action:0.07055725244364161	men:0.0703536325214485	:0.01
a:0.5095111952340592	the:0.24120505304496256	his:0.08453597349064884	our:0.03121839641330295	large:0.029681329032107504	The:0.024834894311591436	great:0.023946537514192213	their:0.023118696266266708	her:0.021947924692868485	:0.01
the:0.2423620207365299	of:0.20536500222371457	and:0.166871077045992	in:0.1176496937967874	a:0.06877339806465797	was:0.060401645356168765	is:0.04771002123545104	are:0.04130335500381535	be:0.039563786536882965	:0.01
.:0.21501096008180426	Mr.:0.12243234666975152	W.:0.11819241674043741	A.:0.103940042188268	H.:0.0992737285981487	Mrs.:0.09662911930875583	J.:0.0864929844418221	C.:0.07660685443402843	Dr.:0.07142154753698392	:0.01
may:0.27363711486238657	to:0.22042444070840117	will:0.12024769085177774	would:0.11084350691998862	shall:0.10036354842981825	should:0.07782078445448105	not:0.03159855639494236	must:0.0302193594672214	might:0.02484499791098276	:0.01
the:0.35087108279806445	two:0.16495353215752145	several:0.1132933005970348	other:0.10400056276250719	various:0.06724719018293814	three:0.06330296537712005	of:0.054114260289272124	their:0.03845357123839264	respective:0.03376353459714918	:0.01
to:0.4616763237619666	not:0.10567841071371134	and:0.0937822226872458	I:0.08969064244161044	will:0.06034696336000036	they:0.05977599199844439	we:0.056770881615189964	would:0.0356287082018139	who:0.026649855220017327	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.19308172605123902	to:0.14252918169900639	no:0.13158675402633624	take:0.12016051893483448	took:0.09216526519451101	and:0.08897594962916769	not:0.07922203129460016	taking:0.07345133172072439	for:0.06882724144958068	:0.01
part:0.37906373739040805	survey:0.15730838262551153	holder:0.12540062737925595	payment:0.10041604916230559	one:0.07073501015131611	date:0.052729413262178275	plat:0.04292238113133336	conviction:0.03245856620345897	sale:0.028965832694232085	:0.01
the:0.2284794375500071	and:0.1974561800763624	<s>:0.13367773665894964	that:0.10706438024028705	of:0.10322535169124632	to:0.07965113962753173	The:0.062022402331113564	it.:0.045369273278729576	which:0.03305409854577267	:0.01
the:0.26854627281045024	of:0.17708706737476781	and:0.14174765377735177	to:0.12960930879874485	a:0.09521282593305583	The:0.05226394407577874	in:0.043089523809815025	his:0.041601673623151494	for:0.0408417297968843	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938135	be:0.08008775556196854	a:0.07801796281644585	in:0.06960382693033287	is:0.06885254681667448	was:0.06803906530008293	he:0.0635047829848459	:0.01
and:0.41754400016008275	but:0.14895499642259144	that:0.13960424227266444	time:0.09215848983461562	him:0.04863495259663283	day:0.04575944027695024	But:0.04337575529251119	ago,:0.028663469063633904	or:0.025304654080317537	:0.01
part:0.21854526426338958	one:0.1652884820397273	and:0.11405805422343263	out:0.10912272448602958	some:0.10404106574340154	all:0.08364994580865806	that:0.06838801643934514	portion:0.0660026389357515	members:0.06090380806026471	:0.01
the:0.6262269164487603	a:0.09713380511794183	of:0.08438907482449082	and:0.03607268682347628	tho:0.03583774493896862	The:0.034196690836996946	his:0.030070214277537106	to:0.026921022322828638	by:0.019151844408999575	:0.01
that:0.24181700519297777	and:0.21559357952928562	which:0.11556053894610711	as:0.10941783645145527	when:0.09150290451756331	but:0.07728992127364734	to:0.05083803155922771	will:0.04495842337172802	if:0.04302175915800782	:0.01
the:0.3774952610716623	an:0.1238994049621466	a:0.0953158875673044	his:0.0772759729740486	The:0.07184698053992358	their:0.07115049530080882	to:0.07099993443641098	and:0.06585219656994495	its:0.036163866577749705	:0.01
of:0.30543290585071325	to:0.15906760295510997	in:0.1290291975828955	and:0.09997258875366775	that:0.07006636951133881	on:0.06848120619114167	by:0.06277378821945774	with:0.04958747867206142	from:0.04558886226361388	:0.01
the:0.21989676768100663	of:0.15087642019255582	and:0.13946771304087177	a:0.12340322864126257	to:0.10508493964911432	in:0.07488170861247744	by:0.06562294210061673	at:0.05546145076890823	for:0.05530482931318662	:0.01
his:0.35128219240864905	her:0.27624027144810914	my:0.08944356445350475	the:0.05893308842252597	a:0.051584384492485286	and:0.05034175777937734	our:0.041301027823788784	their:0.03855643077860152	His:0.03231728239295818	:0.01
the:0.3205329490869566	of:0.18193818702872377	and:0.13984728938256913	to:0.08968792499603137	a:0.06341412065310247	be:0.050208540011436924	in:0.049207747947928517	for:0.04786693797355063	was:0.04729630291970068	:0.01
of:0.29107498481490784	to:0.129781259005661	and:0.126384391457205	with:0.08446656368762467	is:0.07963496427562441	in:0.0791559913321907	that:0.07612206044533582	for:0.06630304250853733	by:0.05707674247291328	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
the:0.3547872924294413	and:0.14055984207026018	of:0.13417405306069213	in:0.06872272570797316	to:0.06854283350334517	be:0.059450659167203886	for:0.05787337280722518	their:0.05472105072209207	his:0.0511681705317669	:0.01
at:0.4260995246329847	to:0.27298643147087687	of:0.07266550173374939	for:0.04557106680494588	from:0.03950395977774595	in:0.03627541018190988	and:0.03360767875375125	as:0.03352173117732201	such:0.02976869546671414	:0.01
the:0.7045656590991394	and:0.07167121172586385	of:0.06881909137831525	tho:0.04475840886044822	The:0.030581440682147746	a:0.022144256123046907	tbe:0.01886143960325649	our:0.016260167875014997	an:0.012338324652767185	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558527	for:0.09174081455919122	a:0.06366595919272895	to:0.061841865908333744	In:0.05733705309984939	was:0.03321233541124056	:0.01
the:0.2529199342654884	of:0.22614730499998043	in:0.21525723520323806	to:0.07644665803712172	In:0.054633659433317494	from:0.051691489256650854	and:0.03925713263725379	The:0.03842110928588035	for:0.03522547688106888	:0.01
arrived:0.24171150011422152	and:0.22602697870398278	held:0.10965961187587668	was:0.09028080626775076	Beginning:0.07848246292098217	look:0.06940673969991693	interest:0.0653602665052793	arriving:0.056037898603551406	place:0.053033735308438294	:0.01
a:0.5102156358177581	the:0.3072290483941074	by:0.04598792837641376	The:0.03344105495856335	A:0.022528390035489166	any:0.019099266450119754	said:0.0190090180930764	tho:0.016339737776323325	every:0.016149920098148786	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.24089296609221136	the:0.21084807757115478	a:0.1542088169949179	and:0.10010645380725043	to:0.08897600646377542	in:0.07297974000448458	for:0.050432844635103426	in-:0.037982046881915366	from:0.03357304754918673	:0.01
of:0.32873067891205016	in:0.1779108341476497	to:0.1173539574739597	and:0.07290950567364037	with:0.06477586893074785	that:0.06448973785599761	by:0.06085657100028396	for:0.0519501590604041	on:0.05102268694526643	:0.01
one:0.26177410899864684	out:0.15556960502827208	part:0.1300889311722691	some:0.11334280627319535	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229724	and:0.0565737601528326	that:0.055371084160479686	:0.01
the:0.4122351499127945	a:0.165456469985852	at:0.11547034985298867	of:0.09103329063818313	to:0.062135129265690675	in:0.05058682222326884	and:0.03760310300235091	The:0.02989590877339457	from:0.025583776345476796	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
that:0.38314639234260467	when:0.13078830405217987	and:0.10494735551057087	which:0.08901523310559767	as:0.07679054931488127	if:0.05540889644007941	where:0.05373268422396405	but:0.05232720105559394	said:0.0438433839545282	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
just:0.16560397216590092	and:0.15632349367944437	is:0.12599640747135732	such:0.1016484650017462	well:0.09791772522174456	far:0.09638031355853464	it:0.09579489107342148	are:0.07859447935027129	not:0.07174025247757924	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
that:0.23655547065355595	and:0.19075007468493219	as:0.16881644873376822	which:0.09499665440284884	when:0.09039607863854103	but:0.08854952612087258	if:0.055354413685533094	where:0.04097071563348132	what:0.0236106174464669	:0.01
and:0.18355764930615776	is:0.12199152939682234	able:0.12180784831857648	him:0.10952034909566916	as:0.10114535296467003	time:0.09871738198555695	was:0.08648935771817112	enough:0.08574432039063425	not:0.0810262108237418	:0.01
the:0.5148747970772126	and:0.11839298321902149	of:0.1027804199509996	a:0.0881047403658123	his:0.03643811733750155	The:0.0350351508375256	in:0.032952539614378246	was:0.03253235245703435	tho:0.02888889914051421	:0.01
put:0.2942490003488925	made:0.11295746192261914	taken:0.09921869298984244	it:0.09396455248985647	set:0.08805328796937878	came:0.0846880057958192	looked:0.07627125255647947	brought:0.07043141383064243	and:0.07016633209646952	:0.01
that:0.27984173992435063	and:0.18363260817091565	which:0.12970655320008515	as:0.1111347060584976	when:0.08033405268408184	but:0.07818675584806872	if:0.05545024354886722	where:0.04216071204144962	because:0.029552628523683514	:0.01
of:0.3731904146919867	and:0.13668615788237018	in:0.11397361272651074	with:0.08532774602709545	to:0.07946497465778378	by:0.06803264766522099	from:0.05629182704695034	that:0.040776141882574016	on:0.03625647741950765	:0.01
of:0.28857986193394536	the:0.16113268919067475	to:0.125638865597436	and:0.10394037205576805	a:0.08881353919503547	<s>:0.05942501813304352	.:0.058805055429127756	his:0.05837022257181932	or:0.045294375893149684	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
and:0.21170656366811744	the:0.2008430264290559	of:0.1346717093654248	or:0.08998774835105412	be:0.08658065863290873	in:0.0782409183259601	to:0.0756488904246119	re-:0.06293870181499797	are:0.04938178298786903	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
the:0.44294990346541174	a:0.13052226509020115	and:0.11480613739159479	of:0.07777254387606373	Mr.:0.0645985482430069	The:0.05918184505912503	to:0.039096713786036165	tho:0.033294892045835245	in:0.02777715104272507	:0.01
and:0.28975067776000624	him:0.12109828244237705	that:0.10823557848281046	time:0.08483096526564791	them:0.08261303954442396	;:0.08137119110958503	it:0.07836519067201873	out:0.07524234257435632	up:0.06849273214877423	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.36237699085490277	and:0.1584298618362114	are:0.1021402174342317	is:0.08583334846083972	in:0.07783911308007345	the:0.05858709598298881	by:0.04963069438025839	now:0.048775650303785716	for:0.04638702766670799	:0.01
we:0.20757094094880896	I:0.1689226345490894	it:0.11435597292913063	they:0.10474182841168436	he:0.09683988593906413	and:0.09426244802225472	who:0.09291452721652817	which:0.07079130601729398	you:0.0396004559661457	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.4476274179224025	in:0.11801965326603299	to:0.11089159219906007	the:0.08455982172625014	that:0.06827437508575156	for:0.050330309352505535	and:0.04863330290936159	by:0.033154905128097704	on:0.028508622410537938	:0.01
the:0.28270657378132397	in:0.1676500205580558	of:0.1651974598505166	a:0.09537877447462492	their:0.07588856692554562	his:0.06658552824877442	and:0.052032475518667666	for:0.043703965777485934	In:0.040856634865005154	:0.01
and:0.2627004757321594	so:0.14618951254422724	fact:0.10517722889403827	said:0.10283583111640612	all:0.08134018284050132	say:0.08106053719115745	of:0.0786944962295119	is:0.0742746058325398	know:0.05772712961945848	:0.01
it:0.23523516688340418	he:0.19493806894382887	that:0.10923818018529863	I:0.09755327272812414	It:0.09535578230345396	and:0.08307608366034529	which:0.06291590727240598	they:0.061203398618126195	she:0.050484139405012646	:0.01
and:0.34099135133065334	as:0.15247106953775127	when:0.12188423250068864	that:0.09924578955050192	which:0.08762108472466232	to:0.06169827705519005	if:0.046847726388440016	but:0.04451325265107585	before:0.03472721626103654	:0.01
thence:0.21715281014009255	and:0.20568670619952267	parallel:0.1430557376501617	accordance:0.09496683049019687	covered:0.08931439209124287	angles:0.06919052505615907	line:0.0640654886136572	filed:0.06297568555125932	connection:0.04359182420770775	:0.01
of:0.3051882933875616	to:0.14869572830046413	and:0.10836115253695223	with:0.09614259097119641	in:0.09474992687286073	that:0.06901300199057643	on:0.06529426242542732	for:0.05171420415441019	as:0.05084083936055085	:0.01
and:0.23109764801813898	<s>:0.2267677513535834	it.:0.12893551223630287	that:0.11108100278148268	them.:0.09933677447350732	time.:0.05138942494321591	as:0.051135334422371434	?:0.049248195902332315	country.:0.04100835586906512	:0.01
the:0.22053256332557677	and:0.1992270807006474	of:0.18507025975968022	to:0.10122273242058626	was:0.07970885839373194	.:0.06199378201612255	Mrs.:0.05428783510135329	<s>:0.04513908840661388	were:0.04281779987568764	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
he:0.2203114717409328	I:0.13332085862353324	who:0.11597523954148758	that:0.10317672403332845	which:0.10314830214973107	He:0.09764872525020823	it:0.08336971225519456	and:0.07573791308604176	she:0.05731105331954247	:0.01
the:0.22669854374274823	a:0.16065144283152755	and:0.15682055975370968	of:0.14859189720612156	to:0.10768267476423311	in:0.05931814572121813	be:0.05857337530993183	was:0.03748628502926306	is:0.034177075641246855	:0.01
in:0.16001480001224747	time:0.134293122324022	men:0.12364702681928638	life:0.10589270687463354	man:0.10542813110372079	strength:0.10296635100575803	out:0.09057303129861076	city:0.08538673791766892	right:0.08179809264405213	:0.01
in:0.26114896666505094	of:0.2106735747662108	to:0.13647377165127736	with:0.07843224380579754	from:0.07127929825705684	for:0.067472205664255	on:0.0563439492735738	and:0.055627581584339864	In:0.0525484083324378	:0.01
of:0.2654257056900848	to:0.11783053526031911	on:0.11517204739331985	by:0.0975387635932269	is:0.0934069380369295	and:0.08491985804523966	in:0.07817766309889891	for:0.07287516870112425	that:0.06465332018085714	:0.01
it:0.21126069775507123	It:0.1831895455929303	there:0.15243081931439575	This:0.12549307138489024	which:0.08534049199213581	that:0.07422174987419852	There:0.07000327034653113	this:0.04763478321203853	and:0.04042557052780836	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
the:0.2742792874027179	of:0.1927038208666229	and:0.13178418514435533	to:0.12574694036492268	in:0.06569727832729276	a:0.06552783895488037	be:0.05457765110028662	for:0.04048153641103007	his:0.03920146142789139	:0.01
the:0.38016907608406997	a:0.21729839759408884	and:0.08093786070469655	electric:0.07401239497327187	of:0.05739507005233107	that:0.05423772678979075	The:0.04827137949742727	this:0.046856295188312753	no:0.030821799116010837	:0.01
the:0.4339416998232574	in:0.17961930567045353	of:0.13283670847538817	for:0.05671496728713773	In:0.04463030260079852	mence:0.043630825078154724	or:0.03656395077739333	The:0.03251302286588195	and:0.029549217421534605	:0.01
the:0.3853602441954772	and:0.144238214582872	of:0.10966263127273272	a:0.10959681188916365	in:0.06356254473512217	are:0.05179362788677154	from:0.047349706445683586	is:0.039611403488752965	for:0.038824815503424086	:0.01
that:0.2772682981310384	<s>:0.18576421478779764	and:0.13964734518616667	it.:0.08003256237265899	but:0.07563120654630587	as:0.06870297736757497	when:0.058463559699572884	which:0.053127580463076064	him.:0.05136225544580851	:0.01
is:0.21302937844984368	was:0.19620486783766342	be:0.151718743401368	are:0.11389184569853913	and:0.08353602658005742	been:0.08043482547252788	not:0.07710315125649289	were:0.04553925789255123	Is:0.02854190341095628	:0.01
well:0.26242384886617703	and:0.12163427647740171	is:0.11872930730988644	known:0.10330606167026618	was:0.09622282023626828	far:0.08198522906601982	be:0.0730403754080065	just:0.06678326020612019	such:0.06587482075985404	:0.01
the:0.2949361512864601	of:0.2675302388363527	and:0.11604195146507087	raw:0.0847688868042033	all:0.0717664813024662	or:0.06526260845100819	for:0.0362256558273774	such:0.028432623958422443	many:0.025035402068638777	:0.01
to:0.4902954235962284	of:0.11355589360800034	at:0.09345633126863115	with:0.07240009470071901	upon:0.048035322766260796	let:0.0457428531409469	for:0.04515915036072223	on:0.043449974463968526	from:0.03790495609452271	:0.01
the:0.3052473642317212	a:0.22181452466962606	of:0.17146623118845103	in:0.08428740301651043	their:0.04921699943850194	this:0.047574035562823025	and:0.04446801010633146	to:0.035107396321215255	his:0.03081803546481968	:0.01
he:0.2868147075086204	it:0.1395069695900371	they:0.11779845224716609	who:0.09421079062933684	which:0.0828167096918828	It:0.07220124664163045	she:0.07111902822752537	I:0.07081388708371117	that:0.05471820838008978	:0.01
and:0.20752712108598498	to:0.1522915347038205	of:0.1502425564184337	in:0.11737935976604058	be:0.09333222850501686	the:0.08416089648102956	was:0.08414806655334497	is:0.054056504304432276	he:0.04686173218189662	:0.01
of:0.31662382482780055	the:0.18822284322808477	in:0.11578788137479393	and:0.09407676728996123	that:0.07488917283524958	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.03956238267555868	:0.01
and:0.32103309027613364	I:0.1591678739958363	to:0.1133648049818269	they:0.09481058073848328	we:0.07981438632002896	the:0.07729302212654894	who:0.05524480487573587	that:0.046271997967921634	he:0.042999438717484455	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.2603384109054656	a:0.17631396693754883	to:0.16248729555323216	and:0.12297424874305866	of:0.1007705615174678	be:0.04543838695319249	was:0.0420999085814214	for:0.04201326408974991	or:0.037563956718863166	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
;:0.3088621443053699	him,:0.10974679128936933	is:0.10004626821138818	given,:0.09459375394598674	it,:0.09217300704881372	,:0.07894274523906002	them,:0.07149819939040467	was:0.06712084807818237	time,:0.06701624249142514	:0.01
of:0.4798591533206258	in:0.16688349577450626	the:0.1106103869814393	by:0.07175495587769815	to:0.04593553036454698	along:0.03828895953343324	on:0.03548624510691198	In:0.024305945789374943	with:0.016875327251463203	:0.01
a:0.5457636047808748	the:0.14999129555649293	very:0.0671403932564	but:0.053047814505814056	of:0.044860033648797634	and:0.03921229272247331	A:0.033676518519295234	is:0.03161899068593396	with:0.024689056323918088	:0.01
the:0.7743081662301693	The:0.043895557327205195	tho:0.0398144498390811	of:0.03635505514867179	a:0.03017284482066668	general:0.021391177996805955	and:0.01725616322924522	in:0.013953066447465759	tbe:0.012853518960688957	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3794032061534355	a:0.32516777173533057	of:0.07706836878165409	and:0.041213621088021256	The:0.04009654064575177	very:0.037920650038828364	tho:0.0361413739598399	his:0.027322917610294376	in:0.025665549986844078	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.25296756508842694	to:0.2154020023337419	in:0.14937112723645737	and:0.08007959789935276	with:0.06727550951784922	for:0.06063935223675631	at:0.0578196829521757	reserves:0.056755137889726436	have:0.04969002484551347	:0.01
to:0.26347294911523633	the:0.20207943492956468	of:0.15545869450418856	and:0.10372197011202519	not:0.09492145302753964	for:0.04905066155861363	or:0.048126857297108465	at:0.036594273675506474	in:0.03657370578021699	:0.01
the:0.36113814607876255	a:0.16062133708668042	of:0.13766549112146684	lode:0.11112972515804857	by:0.05151856856606199	for:0.05115365939894233	and:0.042093125954018915	this:0.037770465586368526	that:0.036909481049649875	:0.01
and:0.291096015366073	it:0.12434885162805882	that:0.12015109726859598	them:0.09913460526338652	found:0.0805200425555801	but:0.0780912922953901	is:0.07306894320441092	or:0.06429978511056514	not:0.05928936730793949	:0.01
of:0.32263096040955946	in:0.17917491520159243	and:0.09809122982336861	to:0.0950646360915529	with:0.07691729424245837	for:0.0711531608324362	by:0.05063411041779492	all:0.050355177771641675	from:0.04597851520959545	:0.01
as:0.13670780440079186	able:0.12114761842857802	is:0.12061925147248433	and:0.11557745869156875	order:0.10613101118600995	enough:0.09916386986848207	right:0.0985746132379881	power:0.09687953837910758	necessary:0.09519883433498934	:0.01
and:0.2625710630820407	looked:0.12287531499455905	depend:0.12123282867877608	called:0.11986255426042441	look:0.09159892763670179	due:0.08045832343966322	down:0.06806979470247577	made:0.062154025540923995	imposed:0.06117716766443501	:0.01
and:0.30270925673550475	fact:0.16943001944517186	so:0.11358010044095931	is:0.11266763121327539	know:0.07568042407507537	believe:0.06812016133190102	say:0.05750618905495806	was:0.047547212930166706	found:0.04275900477298741	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.24938217117942987	or:0.2209031541070242	and:0.19046745555731207	of:0.09735789202740994	for:0.07665162961348401	in:0.07599068788941207	to:0.02747887384279491	from:0.026363195389831864	with:0.025404940393300893	:0.01
of:0.3308442922213524	to:0.1432471988342217	in:0.131701708736979	with:0.09441568321518254	on:0.06848424163509252	and:0.061113441995290306	for:0.05843564615357509	by:0.05382836431950813	from:0.047929422888798305	:0.01
of:0.37523527315584804	to:0.1256708478872273	the:0.12488893436605542	and:0.0873240514615848	in:0.08036907591259639	a:0.07913646887372239	for:0.04275886421509953	with:0.04004708304180838	that:0.03456940108605776	:0.01
to:0.2861574676955082	will:0.2655588868608264	would:0.11223723317407129	may:0.08024253934170913	should:0.06780843619328426	shall:0.05897633158522413	not:0.05279077038395291	must:0.034943802635305735	can:0.03128453213011797	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.405535461608438	all:0.11288402206034984	of:0.10062224278767763	to:0.09347286989630613	time:0.0603652141040139	but:0.058366087693992263	for:0.05624089623797206	fact:0.05352809601988258	things:0.04898510959136763	:0.01
and:0.2821737289069189	to:0.19413284774131814	of:0.1589130824316352	the:0.10041139067974489	is:0.05771364487070764	be:0.05225975411677051	was:0.050314252510845564	for:0.05025225097596531	which:0.04382904776609387	:0.01
they:0.25102373835046404	who:0.188496223547418	we:0.1487930506326889	you:0.08928723112864827	and:0.0817190547478325	We:0.07690789173464697	They:0.06121818588083592	which:0.04888956657191334	men:0.043665057405552064	:0.01
the:0.6008046886248313	The:0.12367994392542807	in:0.07224495154373729	a:0.05682231892631553	In:0.038833593795691665	of:0.030370142715160642	this:0.029994437904648123	tho:0.024453532788742138	that:0.012796389775445153	:0.01
and:0.30813827370948377	said:0.1730589697868629	fact:0.11175374042727586	stated:0.09076470050424858	so:0.07733344451894186	him:0.06626454011197735	know:0.06377304208821113	say:0.049787186448953615	is:0.04912610240404502	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.37129731442134983	to:0.1324126712637979	that:0.10112223076570374	and:0.09834668026291528	by:0.07114256271600373	in:0.05987988915222825	with:0.05977196669929735	from:0.04922706634406045	for:0.04679961837464338	:0.01
and:0.15056516788676824	it:0.1349800784417583	them:0.1200225860582197	time:0.10917031156541862	men:0.10436258206638722	day:0.10358945783393912	him:0.09412982262057698	well:0.08780029434140064	made:0.0853796991855312	:0.01
and:0.3510163140970201	to:0.3075507819429898	of:0.09827430757748029	the:0.0638847344771577	who:0.04034412311986203	or:0.03705510190539422	not:0.03392838208765226	by:0.029241354056011172	he:0.028704900736432552	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
to:0.26347294911523633	the:0.20207943492956468	of:0.15545869450418856	and:0.10372197011202519	not:0.09492145302753964	for:0.04905066155861363	or:0.048126857297108465	at:0.036594273675506474	in:0.03657370578021699	:0.01
<s>:0.26712271516993064	them.:0.2602809334268672	it.:0.12699636690605656	men.:0.06530687590352574	him.:0.059802643236685944	time.:0.05758899839933028	day.:0.05722853377878201	people.:0.048501160001085196	city.:0.047171773177736354	:0.01
the:0.2877312378235051	of:0.1971573615545641	and:0.10661576361482324	to:0.0936888670034087	at:0.07931048704451911	in:0.07888333596588125	a:0.06753769941865755	for:0.04652955750868999	by:0.032545690065950865	:0.01
they:0.16075476950393633	it:0.1550230902383805	I:0.10991514929663299	he:0.10634399749918766	you:0.10270584755573017	It:0.10006021853717872	which:0.0966256987942175	and:0.08611831152310326	we:0.0724529170516329	:0.01
<s>:0.5409122111554119	it.:0.10121584157751358	them.:0.0777264574567862	.:0.05005519485422217	time.:0.05004665472428021	country.:0.04597632644660685	day.:0.045786469346973675	him.:0.04394367485091126	year.:0.03433716958729417	:0.01
when:0.18519335098638806	that:0.1748314862719662	and:0.16730540515396547	as:0.13887390525645854	which:0.12653401750629417	to:0.06876468100539428	but:0.04438042102625284	where:0.04233881873228339	will:0.04177791406099722	:0.01
made:0.19607419673722556	and:0.1871396870032937	owned:0.10195412092350242	or:0.09016056716737457	done:0.08855716521282841	accompanied:0.08436467490851161	followed:0.08395510263548327	that:0.08371249563591913	paid:0.07408198977586128	:0.01
of:0.3257066374160444	in:0.1359657544071672	to:0.12722805117474612	for:0.08129272555234013	with:0.08050815510957836	on:0.07366887157583596	by:0.06095611856579494	and:0.05972281016572156	that:0.044950876032771314	:0.01
the:0.48817405077604786	a:0.18134054927289323	of:0.08760831762148812	and:0.06743304679188467	The:0.051450735282708375	in:0.035015901004232075	tho:0.028457686875865973	an:0.028198800926829276	or:0.022320911448050516	:0.01
well:0.18763885440258532	known:0.1848432953380303	such:0.1312109444336379	and:0.11650300559404793	far:0.10672026401295964	soon:0.07431929105806052	is:0.06769501413550778	just:0.06709023500275701	was:0.053979096022413534	:0.01
they:0.21108923258683993	who:0.15874565960272466	we:0.15003923143462886	and:0.1301187468685417	which:0.10704549424532735	They:0.06880085275077123	that:0.06316720459141335	We:0.06009272733688047	you:0.04090085058287249	:0.01
part:0.3779764184393855	survey:0.16160026767866661	conviction:0.11305602921262439	one:0.10205644063682141	payment:0.07428468814218986	holder:0.057490326337698024	either:0.038622916739222565	sale:0.03329778966121728	acres:0.0316151231521744	:0.01
he:0.2811738631765829	I:0.18015313827118676	they:0.1070917557432296	who:0.08509059184066416	and:0.07405154992821492	He:0.07159762556023644	it:0.06704422993490465	she:0.06615903017682831	we:0.057638215368152244	:0.01
of:0.20974557394195853	to:0.18205102602847098	in:0.15989423732789668	for:0.11971315407750222	with:0.09265520095795239	at:0.06261860791404629	and:0.06066164209226185	from:0.05313612683665475	by:0.04952443082325617	:0.01
of:0.22795273482464828	as:0.2026555896101452	that:0.1050934932731888	is:0.1035049747081782	and:0.10201627011175128	for:0.07693084287508017	to:0.06814630313600908	by:0.05302275383454841	was:0.050677037626450615	:0.01
the:0.3310968554128374	of:0.2491212212976897	two:0.08576179820168443	and:0.07756666401659636	these:0.06046979194391169	other:0.05870751790204612	all:0.05054115586318935	his:0.040837924986600944	both:0.03589707037544395	:0.01
the:0.7010960682547407	his:0.04803689760505243	to:0.047031768852921076	a:0.0358421009592469	their:0.033743604122350286	tho:0.02752093198189463	The:0.026941413888578014	my:0.024543528620527937	an:0.02449451115985219	its:0.02074917455483584	:0.01
the:0.28911723843710957	a:0.2184852333637237	of:0.11940189048135416	and:0.11007854147907487	to:0.09843975207491194	in:0.0683538665762962	with:0.029902630078356984	his:0.02977469125571138	for:0.02644615625346098	:0.01
the:0.25165038686279423	of:0.2208545961649924	a:0.14012636256762476	in:0.10157607189410749	and:0.09670018199814137	to:0.07452897746136437	on:0.04144316068991411	his:0.03208675773150225	an:0.031033504629558978	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
of:0.38084440626599214	to:0.15145867306248045	in:0.11532422082173026	and:0.08222697847643605	that:0.06855508031874946	by:0.06583473598991112	as:0.04567873360061942	with:0.04295789579497948	from:0.037119275669101365	:0.01
the:0.5964382247060672	The:0.10524707217837129	of:0.08644167496614132	a:0.08171692154106469	and:0.034547880451930656	tho:0.029995107394342184	in:0.023166064969972006	by:0.016950566337948343	with:0.015496487454162333	:0.01
it:0.26692011521592757	It:0.1493822731653634	there:0.13020514838450056	and:0.09803566330909326	which:0.09525515245385394	that:0.07327076966594799	they:0.07049189406629376	he:0.06512727727457265	I:0.04131170646444675	:0.01
of:0.23353555274255988	the:0.22437539845639948	a:0.19115461155165775	and:0.14142306641650218	that:0.06525062239376075	or:0.04028296568564059	this:0.03391214512101669	The:0.031083119341217113	his:0.028982518291245547	:0.01
time:0.1608602717782925	out:0.1440935785680009	day:0.11370178586240823	amount:0.10953902266850292	that:0.10761358472390256	cause:0.09911686168317807	tion:0.08660789861309773	one:0.08466752533373269	place:0.08379947076888436	:0.01
it:0.2131788841045554	he:0.1867324812779885	It:0.14093961810063965	which:0.10085580692903923	I:0.09523457785691533	and:0.0799079407626281	who:0.06284443033512091	He:0.05697400216718626	that:0.05333225846592657	:0.01
the:0.333491644696878	to:0.14483174923610254	of:0.13836347956101022	a:0.13530224697264623	and:0.08679645812652999	in:0.06952097042193187	.:0.031235759732179104	at:0.028167557547231103	or:0.022290133705490916	:0.01
was:0.22218815198729192	and:0.1465170814712731	is:0.140583779737422	be:0.10632353352630694	it:0.10012693964407865	are:0.07545617875077207	of:0.06712696762296579	were:0.06623323231220357	been:0.06544413494768592	:0.01
able:0.15793634980071647	have:0.1344865151057924	had:0.12025363806611893	him:0.10492278371443059	not:0.10256387920833758	enough:0.09916821472064512	want:0.09573160697606328	is:0.09000659713698024	willing:0.0849304152709154	:0.01
it:0.25144533550676995	he:0.21071525739473967	It:0.17420386451007652	I:0.09287571763352744	He:0.09214411965449334	she:0.04741785084580568	which:0.04498035443472201	and:0.04090699342471553	who:0.03531050659514989	:0.01
and:0.3309066756559541	demand:0.11951725037001645	ready:0.09893866457384981	used:0.09514434972463204	time:0.08611259291726484	not:0.0660784836651807	vote:0.06597209943325834	it:0.06550607031200961	candidate:0.06182381334783411	:0.01
at:0.6045825407508777	the:0.27953823517938464	of:0.040112994240788374	to:0.021862776530123855	At:0.01601878007449448	The:0.010725436541307472	in:0.00591238138168691	our:0.005870312648012562	tho:0.005376542653323957	:0.01
of:0.3620682162093069	in:0.15510214166075792	to:0.11740717458707653	for:0.0866825489592517	on:0.07533306495803821	and:0.05797881799848462	with:0.04833334435880757	that:0.04564706405334956	In:0.04144762721492696	:0.01
of:0.19772967641121048	as:0.1623673418679956	is:0.11714445471395858	and:0.09677175778520736	that:0.0943754287296158	was:0.08357915383269263	by:0.08031186848504734	for:0.07886594540065145	to:0.07885437277362076	:0.01
<s>:0.5963315644790687	it.:0.08733101394370142	them.:0.057892109096700894	day.:0.05159054772886241	.:0.045856458392391	time.:0.045304276069630195	country.:0.03754410147486798	him.:0.037311375090483	year.:0.030838553724294556	:0.01
of:0.4399708559153843	the:0.15448935897953098	such:0.10787052917454311	or:0.05839240328452233	two:0.0482418016502569	young:0.04782458059564649	hundred:0.04713051651472546	other:0.04404958129017539	by:0.04203037259521492	:0.01
gave:0.25126562487733123	give:0.20158383333959487	to:0.19531145342080006	told:0.10744736414092639	for:0.06352867542319007	with:0.05716282084185287	tell:0.04182141150121062	make:0.03766907711979261	gives:0.03420973933530129	:0.01
amount:0.18720641054787163	out:0.1402894894437778	purpose:0.1243999198196002	instead:0.11219993581608204	number:0.09296496683132115	place:0.0868604492868434	rate:0.08538365227981021	full:0.08151006155122432	matter:0.07918511442346922	:0.01
the:0.18527642228665522	and:0.17179665000076919	of:0.16514261327564692	to:0.11554732749030587	for:0.0805540637980916	that:0.07870276865410993	in:0.06923499798234657	a:0.06755069152256468	or:0.05619446498950995	:0.01
and:0.4178344102674455	demand:0.10480245385516417	time:0.07653161454137987	or:0.07340960769504044	made:0.06894048914569306	ready:0.06651922094886749	up:0.06426908602044941	used:0.0634388022252547	that:0.05425431530070529	:0.01
of:0.30224729600263617	in:0.15221195229999201	to:0.1385590035986711	for:0.08380910911907809	and:0.08096598743191566	that:0.06842193368213598	by:0.06063786110257404	In:0.05494973182332383	on:0.04819712493967301	:0.01
was:0.2605459677799311	be:0.19005344527352178	is:0.15343412498455805	not:0.08524094172141282	are:0.08379332772478629	and:0.0653576582121189	were:0.05977645351123232	had:0.04591894590343889	been:0.045879134888999834	:0.01
of:0.20963043813379711	in:0.1344472825637965	is:0.11247375749065121	was:0.0990687897040571	to:0.09790509753034497	and:0.09515811622543865	as:0.09199304616040622	with:0.08394916605439023	by:0.0653743061371179	:0.01
of:0.1717874828321503	and:0.1373574380324188	to:0.1283710488380373	or:0.12751224384292095	the:0.11877046731793289	in:0.08923583856816646	a:0.07774279702482251	about:0.076154142210941	for:0.06306854133260967	:0.01
of:0.21338832523674772	in:0.14017901232241858	and:0.12939343303774875	with:0.10408959886573863	is:0.10292083424447168	was:0.08224908889474121	by:0.07954907839589143	for:0.07804424202008158	to:0.060186386982160285	:0.01
man:0.22909324705476153	and:0.17211485420616227	those:0.1400129706027732	one:0.1317547130177118	men:0.09557518639438325	all:0.06988990929367911	woman:0.05926378227846983	person:0.053595275082180836	people:0.03870006206987816	:0.01
to:0.8373194955794862	and:0.05092331623440886	not:0.042902781812801355	only:0.011506508146671427	in:0.011433989481631419	for:0.010023218095996237	of:0.009470043352807742	never:0.0083194749095585	or:0.00810117238663818	:0.01
he:0.24284557880324883	and:0.16535781784181097	I:0.1357851855754639	He:0.12680451510687799	she:0.09288798707297978	It:0.06922170010352005	who:0.056067394634025075	which:0.053419259516238556	it:0.04761056134583489	:0.01
number:0.21514286570065067	amount:0.18073061046698224	purpose:0.10734114534925904	out:0.09694986753446401	matter:0.09644940372518995	means:0.08485063028837853	system:0.07331478861615824	kind:0.06805167835977474	line:0.0671690099591425	:0.01
and:0.23004261215258873	of:0.19655406561480793	to:0.17921490477287313	the:0.1301070559758695	be:0.060825605332687376	in:0.05520887352757539	or:0.053216551767544217	was:0.044093189671746136	as:0.04073714118430764	:0.01
the:0.6719806909262188	and:0.07862639892970076	of:0.06297116197936027	this:0.040474255335835756	tho:0.03826749852871689	a:0.035648792867452775	be:0.024206295547741744	an:0.02041512127757299	said:0.017409784607400024	:0.01
to:0.6693811218881631	will:0.09372026012937719	would:0.04635625184878836	and:0.038959236854628515	not:0.03759381189173166	they:0.02820938354146046	must:0.027720412492728	can:0.024299328500147724	could:0.023760192852975013	:0.01
and:0.16253630234922334	the:0.13680466153339332	all:0.11561360729435666	men:0.10461924452757405	work:0.10457769218693308	day:0.10418349462299643	tion:0.08982647473950357	both:0.0868474887853744	kind:0.08499103396064495	:0.01
the:0.2893467002777624	and:0.2678848665290487	of:0.08401748802429909	will:0.07841544694787045	to:0.07689341974511671	a:0.05338739013361727	do:0.0493166172844587	that:0.04654468509936171	would:0.04419338595846493	:0.01
the:0.4423008306422378	of:0.18883030410647314	and:0.10920129856230039	for:0.06304013694233102	some:0.045283457895099084	their:0.037889276037537556	his:0.0365307858710542	these:0.034952223310863714	The:0.03197168663210309	:0.01
to:0.2579934679856101	will:0.25716066202686916	may:0.09940882977352528	should:0.09388003845590547	would:0.07932460153261252	shall:0.06821255860978659	can:0.04795903857246232	must:0.04774653434054357	not:0.03831426870268495	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
a:0.30620143888311646	the:0.20236329105369139	his:0.15533427655442547	of:0.09020864359124209	their:0.07618202157969538	to:0.06541813046620244	my:0.031653041938626496	her:0.03133756635493874	one:0.03130158957806148	:0.01
the:0.26829717023504634	in:0.2648961831093762	to:0.12175195344637585	of:0.09978661460347962	In:0.06938750740391243	from:0.06425810584992685	this:0.04432590740071708	for:0.028837888444508387	and:0.028458669506657236	:0.01
the:0.389272800813676	of:0.17210485164621478	and:0.17082175439220343	The:0.11627151869807545	that:0.04169052592452665	his:0.028205704258302672	tho:0.025059907039819838	these:0.023323544818787702	to:0.023249392408393497	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
in:0.3020601607908766	of:0.25396814099516546	In:0.1522564242274767	to:0.06557303297017875	and:0.05570618605580266	that:0.04900254130061465	is:0.0392645305005171	with:0.03812849651922234	for:0.03404048664014557	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
and:0.37945024150252876	fact:0.15273198910843583	say:0.09983424068643301	know:0.07871082803286432	is:0.060215763992746335	said:0.059686964448043875	believe:0.059171002584709906	show:0.051564382291374555	so:0.048634587352863495	:0.01
of:0.2398708670291844	the:0.22743525417047472	and:0.13139002385520804	to:0.10376973167625372	a:0.08712962001455624	at:0.06768600089169872	his:0.04664315861358613	in:0.04554117936171022	is:0.04053416438732785	:0.01
in:0.20873519833854517	of:0.18795259357327262	by:0.1582645730590573	and:0.1367672682476698	to:0.08924643465121634	In:0.07269527293161243	for:0.0619333089688606	with:0.03837530028718063	after:0.036030049942585234	:0.01
the:0.31601781735864304	a:0.30398501620994156	was:0.08173381435485723	and:0.06659461910587389	his:0.0570259808069652	their:0.046778362828441764	is:0.04645419911310134	have:0.036984154439241815	had:0.034426035782934246	:0.01
a:0.6021580278368056	past:0.11701625480782635	last:0.08468063708221915	A:0.062445047357630665	the:0.04002061964927177	next:0.03506329664205989	very:0.03365400993709004	for:0.008039488570004598	but:0.006922618117092025	:0.01
State:0.2123005522229365	city:0.1334462642177584	day:0.1239105767031807	line:0.10663611608951876	state:0.09705634588733249	side:0.08756535272165322	place:0.08416697982509332	county:0.0818130056585457	corner:0.06310480667398086	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
a:0.6357536736357531	the:0.13407354174692596	and:0.05827123694915738	is:0.0370114780284704	of:0.027509709372710307	to:0.027254633271835173	was:0.026802923282453664	no:0.021764556257325273	very:0.021558247455368613	:0.01
of:0.2738563132144333	and:0.17030897857867627	to:0.15480549128811574	in:0.08161661859881093	on:0.07404349460103701	with:0.07283240589637169	for:0.07115768433250703	that:0.046063852669420674	from:0.04531516082062738	:0.01
the:0.19143646652932672	and:0.11418891776565375	all:0.11152431988368015	very:0.10811287774796405	most:0.1068126658591624	a:0.09994094706182326	more:0.09378592942183762	as:0.08439746530775251	of:0.07980041042279956	:0.01
number:0.1741043364767106	kind:0.16812020996247506	sort:0.11597613567146543	out:0.11144356458935781	place:0.09308420075646472	line:0.09044596123864637	Board:0.0823885908135432	point:0.07887932665302183	matter:0.07555767383831496	:0.01
as:0.24837157577856656	or:0.14232166364164286	opposed:0.11230514870743818	come:0.09928049147584614	and:0.09473117357100153	up:0.0760744201179667	regard:0.07367539801965169	equal:0.07250608124635792	entitled:0.07073404744152827	:0.01
in:0.43089789769168557	In:0.1547178800498734	of:0.14103670042116728	to:0.09043771995430375	on:0.05010257353000053	is:0.03436894065587644	that:0.03178895265747297	and:0.02839669739177595	at:0.028252637647844164	:0.01
to:0.25899009985987886	and:0.20691113851486853	of:0.12222836551254562	the:0.08594736535787019	is:0.07480810658605944	in:0.0664871705332616	was:0.06439095079885332	con-:0.05644473110180624	will:0.053792071734856284	:0.01
and:0.24413116292889298	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709101	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
w:0.3390891838195752	and:0.2691330014287216	that:0.09763384991555198	to:0.07180024949709815	I:0.05506932725673032	which:0.05209195987243536	but:0.04116216692151558	will:0.034607230672464004	wr:0.029413030615907658	:0.01
the:0.3864602331026914	of:0.16664543359033065	and:0.11296628878234231	his:0.07347749793423838	their:0.060603193199693026	to:0.058910026991949804	are:0.05225374545318543	The:0.04270452141008057	her:0.03597905953548853	:0.01
he:0.258249328437472	be:0.19840219064404316	and:0.15216540934168335	I:0.12014754078091608	is:0.07078353871398556	she:0.053046685182895355	it:0.04932694611550157	they:0.046099389236292525	was:0.04177897154721041	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
one:0.20904861871896518	part:0.14646287223281468	that:0.12329779486171277	out:0.1038613392101026	and:0.09953010715096167	day:0.09867420448048551	all:0.08781371664340824	sum:0.06412462317513686	account:0.057186723526412415	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
containing:0.2912323769460952	of:0.2889356022660579	the:0.12347728549999767	and:0.10321578418783965	about:0.05135914428541196	to:0.051239895494566666	or:0.03473786787689127	in:0.02317919427014332	at:0.02262284917299623	:0.01
<s>:0.3498586238480828	.:0.24819665780431518	it.:0.0889387713537881	and:0.07791688088721137	them.:0.07642968663466497	time.:0.04291096237006195	the:0.03740036712783971	4.:0.03452568614472019	people.:0.03382236382931567	:0.01
and:0.2038826490604836	filled:0.19671295534752972	charged:0.1392237636713646	covered:0.118971395226636	together:0.10191935923382883	it:0.06800011969343538	up:0.05681672684171535	but:0.0544510382020003	met:0.05002199272300607	:0.01
able:0.16251742456828452	is:0.13294021200316117	enough:0.12315949791013905	and:0.11419503149231228	him:0.10289899747150948	unable:0.10022500406012659	not:0.09252167071320287	was:0.08281412468767602	order:0.07872803709358812	:0.01
the:0.23825740574502957	and:0.21608560530005966	be:0.1731630570837981	was:0.08104327645157156	been:0.06598048286044475	is:0.06387616410295487	to:0.05875050596749086	are:0.04988228492089634	he:0.04296121756775416	:0.01
of:0.21428321153321442	thousand:0.13001949111578665	160:0.12169270695841854	hundred:0.10950091701946996	ten:0.10163228487731384	two:0.0851385207864025	40:0.0846705828184115	sixty:0.08209704226201847	fifty:0.06096524262896405	:0.01
for:0.2618607741887127	of:0.20832823588351382	For:0.15714630180178885	and:0.11162499485731404	by:0.06181654634432617	that:0.055137091547087846	to:0.050543637661985795	the:0.046113942638558225	so:0.03742847507671258	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
the:0.5254710971650842	this:0.11227000235913148	such:0.09873466024657727	said:0.08238837448892582	a:0.06750492730121421	and:0.0340090156222463	of:0.026244765936757432	his:0.023564254757314995	tho:0.019812902122748274	:0.01
a:0.26550379796340207	the:0.12166346292569752	of:0.1159487688349613	this:0.09438645768423036	his:0.09161313315019978	any:0.08166044023262582	in:0.07839987362468417	and:0.07208775019648532	as:0.06873631538771376	:0.01
one:0.23561954612370872	on:0.13426648729946522	two:0.10148192748372938	sold,:0.1009610188641456	more:0.09924184788068606	and:0.09150921267824079	little:0.08928945101019953	law:0.07023380118674588	action:0.06739670747307897	:0.01
be:0.26099854621362995	is:0.2179729212022177	are:0.1299208416846257	was:0.121986266126439	been:0.07796025616065985	and:0.06028957097025014	Is:0.041906132541172106	were:0.04144490436452874	being:0.037520560736476756	:0.01
the:0.44207151798968636	a:0.3054142911113909	of:0.08687220836181488	oak:0.03757926422707492	to:0.029802360397779882	this:0.02783419811896706	tho:0.02310076882677409	every:0.018873169693469454	The:0.018452221273042472	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
the:0.5749300566611418	.:0.09797140648806991	and:0.07375341517721735	Mr.:0.05589455435503869	of:0.04616207875552563	The:0.03830981975734198	in:0.0379522092395776	a:0.03260105964127539	<s>:0.03242539992481172	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
o'clock:0.371517661803559	Mrs.:0.15845920779323325	and:0.12220454801140251	.:0.1095283570576981	oclock:0.05927426102824505	by:0.05340589086064495	C.:0.04932297173848083	of:0.03471273355095674	J.:0.03157436815577956	:0.01
the:0.4556739670918605	a:0.1692152362107575	of:0.0917017198927813	in:0.08268737448565272	The:0.049537392180988106	to:0.04146733624899094	for:0.03861590153765151	tho:0.03277431481876552	and:0.028326757532552007	:0.01
with:0.14642911211872278	is:0.14606317104770866	in:0.12386882226109319	of:0.12345475169131272	was:0.10732409925218926	as:0.10471357443939029	to:0.09701310049410584	and:0.0715410286448266	be:0.06959234005065064	:0.01
and:0.3636647809915669	;:0.10948398757383931	as:0.10334039008622735	but:0.09733897659997663	And:0.09060377745329255	is,:0.06221639560266794	that:0.05639400399428148	and,:0.05615300532780325	is:0.05080468237034447	:0.01
be:0.33917107897356513	was:0.2672099269889502	been:0.13401292317584532	is:0.07508067815594754	were:0.06753972753370001	being:0.03388737792282211	are:0.031974115395810236	and:0.02139453421082932	bo:0.01972963764253014	:0.01
<s>:0.5661296404479996	it.:0.09987846367812722	.:0.06876356692484177	them.:0.06390453866376981	him.:0.05078296795096254	city.:0.03977760783710238	and:0.03730808508174973	day.:0.03193920024721529	in:0.031515929168231566	:0.01
the:0.3926731307308881	of:0.21540068168972157	and:0.15619699539309756	in:0.04598349412799415	to:0.042300222136962544	a:0.04071372464986803	by:0.036952227603120134	tho:0.03075071272726622	as:0.029028810941081666	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3939864168532433	The:0.1787873437823825	no:0.09710409608444984	his:0.06821927813863016	that:0.0649041390454164	of:0.06403456751965786	and:0.04931337720238715	this:0.04521691301840086	their:0.028433868355431907	:0.01
the:0.28441607786333467	of:0.20980530521933718	and:0.14059183584462825	a:0.10350082670945145	to:0.08403081004979975	in:0.0702219500545016	or:0.0343076397213653	for:0.03219399323517172	by:0.030931561302410173	:0.01
the:0.23782049310212533	and:0.19214892314342139	of:0.1765901506244558	.:0.09973880484111639	to:0.06735634874139797	by:0.06218655947585804	Mrs.:0.05882569915609157	<s>:0.05162777795757545	Mr.:0.043705242957957996	:0.01
the:0.6295138083618597	an:0.10405310636144496	this:0.05802384361370429	of:0.04073412912301542	a:0.04045729191632545	The:0.03406956037028644	tho:0.03000008989793676	said:0.028570551684749923	and:0.024577618670677048	:0.01
in:0.25221001207180754	of:0.23006128730609787	by:0.10849832605220695	and:0.10441120077164079	is:0.07236676642617157	with:0.07148625211135151	from:0.054600878343418174	have:0.04919783576239238	for:0.04716744115491322	:0.01
of:0.5999167825175905	in:0.2545723162802134	In:0.05760202262386334	to:0.014472140050320837	by:0.013286812317058803	the:0.01305380201422306	from:0.012819822022387092	for:0.01224263176365775	at:0.012033670410685256	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.3403211120581314	of:0.1750957885293977	and:0.15598548392537856	to:0.13689347774391816	a:0.05974080017727077	in:0.03311853887912723	his:0.032649804381998195	or:0.02852704716122136	for:0.027667947143556713	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.4283975832495335	this:0.18388771933038583	The:0.1296082201083601	that:0.06557702751682619	This:0.0441827563678799	a:0.044116296294005035	of:0.042275205243717494	tho:0.029220263481601505	our:0.02273492840769032	:0.01
brought:0.192277727621288	went:0.15460515481500964	come:0.12146927553962855	came:0.10641642939028818	go:0.10353499405925308	look:0.08612366304645741	looked:0.0769716221388797	sent:0.07503292098015651	it:0.073568212409039	:0.01
the:0.6258726522664784	a:0.13461756997063534	and:0.07968616292894322	The:0.034481446015133706	this:0.031150419685504766	to:0.0286945160600366	tho:0.027988573922704704	of:0.014598649927972272	in:0.012910009222591001	:0.01
the:0.36312321450761714	and:0.19848804090419978	a:0.09590696347401902	of:0.08303218790307448	.:0.06197545463946883	that:0.0579458576637141	to:0.04654520009645579	for:0.04337407994495109	The:0.03960900086649977	:0.01
and:0.3584626692953458	he:0.1370860616323505	who:0.10510561116640618	that:0.08982083788776686	which:0.08686541134653032	they:0.05855190688830245	I:0.05285977022170167	He:0.05141229918562641	it:0.04983543237596982	:0.01
the:0.24821642911401523	any:0.1649581722896359	no:0.1268116887263203	this:0.11858186743305785	that:0.08481273609735658	every:0.07865959388654517	a:0.07144945347415355	some:0.05350548013446135	his:0.043004578844453994	:0.01
to:0.22790941852539254	of:0.19066101107333902	with:0.0993627534500217	in:0.09746574179221522	is:0.08426159876227043	was:0.07548169047016745	and:0.07510893731597913	as:0.0714076878430712	for:0.06834116076754333	:0.01
him:0.16731060278119136	and:0.15865410606742966	is:0.11868784454843383	able:0.10734668506784036	have:0.10102168139291291	right:0.08572067988981888	was:0.08506755165125525	them:0.08364500401658892	order:0.08254584458452871	:0.01
was:0.2654355625572051	be:0.17483157139017147	is:0.17458173862449344	been:0.0837015546157013	and:0.07912832639784415	are:0.06377397405231049	were:0.0570219973528321	not:0.05496723432199497	as:0.03655804068744705	:0.01
said:0.244897929605211	of:0.19085079798600496	.:0.14186478980492948	the:0.13652315877541069	and:0.07228392661920457	<s>:0.06408397407930232	State:0.05461681317026622	Medical:0.05098640081092022	Agricultural:0.03389220914875058	:0.01
a:0.28550983107671785	legal:0.21321286344801132	the:0.1990827661689216	and:0.06991504751984023	of:0.054641060032081294	very:0.044086580910909966	so:0.04281479508631375	as:0.042636225443434705	this:0.038100830313769395	:0.01
lot:0.336563516647635	June:0.11407668263100088	July:0.09327664179101287	May:0.09024909402296524	18,:0.08980703447433254	No.:0.08449505498660098	block:0.07653267775754288	April:0.054870176257015096	March:0.05012912143189441	:0.01
Resolved,:0.21695713947679507	enacted,:0.1810685129751281	Provided,:0.1590402165597861	<s>:0.14389853320715837	enacted.:0.10164584399219195	2.:0.054217745441520686	1.:0.04650889399161415	4.:0.04506866858236186	it.:0.04159444577344364	:0.01
<s>:0.5674929624661247	.:0.08839078752504227	it.:0.07053001148597055	them.:0.0562636940549916	years.:0.05125155054279794	time.:0.04409585238886878	him.:0.0413706429141225	else.:0.03751376281380708	day.:0.033090735808274485	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.34212888418832754	and:0.09741876388731498	a:0.09203073212763069	their:0.0905521035726166	of:0.08803022554243589	his:0.08397505822604853	no:0.07446376023237826	its:0.06349244090222635	any:0.057908031321021125	:0.01
the:0.5733838850050116	of:0.13062832652271272	The:0.10293206902486032	and:0.06087110422143535	tho:0.0336954975080211	that:0.027438849835855282	his:0.02368636373657014	to:0.01926066082757941	said:0.018103243317954036	:0.01
to:0.28570587498953637	will:0.2089673883382352	shall:0.1456568495213285	may:0.11218999380903998	would:0.07549398094858079	should:0.050811274578193566	must:0.041624912678164636	not:0.03495761133511869	can:0.034592113801802306	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
and:0.2983193030981629	about:0.19314493092563442	of:0.18179178214211336	or:0.11078275255882153	to:0.05643411285011313	from:0.04846095651162487	the:0.04263514563269541	in:0.029285164064562216	for:0.029145852216272146	:0.01
of:0.3475451204174963	in:0.1554863230463603	with:0.09564374303780662	to:0.09094693286209836	by:0.07479435456576858	for:0.07059794631526593	that:0.06159453766409955	and:0.051539245324789505	at:0.04185179676631503	:0.01
of:0.38632996664117664	to:0.13331549741956425	and:0.09385470882222514	for:0.08518220250623178	in:0.08290432779351672	at:0.05855962695846349	that:0.05627341072181236	on:0.048525931025620014	by:0.0450543281113896	:0.01
has:0.3735260008008669	have:0.2966099628054021	had:0.21413223763229447	having:0.04152822306361047	not:0.025853632215023157	lias:0.013184785142143066	bad:0.010137737006598117	ever:0.007714964113282488	never:0.0073124572207792626	:0.01
he:0.2391288707725497	and:0.16175278537483306	it:0.13693543566289718	He:0.1269626520468204	It:0.07930675591492642	she:0.06954546495825908	who:0.06613049823791833	I:0.05777113802123169	soon:0.052466399010564116	:0.01
and:0.1984562901269432	is:0.142257293694991	was:0.1132174125153745	as:0.10372117444929033	him:0.0992850734670055	made:0.08864606738095501	them:0.08692380181260786	it:0.07997511457733557	time:0.07751777197549706	:0.01
he:0.18652325356094804	which:0.15683009975210951	that:0.1391397941476974	and:0.11836098186185225	who:0.11775232646277921	it:0.08836766802317608	It:0.07101919239085844	He:0.0673633557612727	as:0.044643328039306374	:0.01
the:0.27604582986637277	and:0.20005208375044586	of:0.16391243589379206	a:0.1069963129541891	in:0.07935518763521485	to:0.059482536405731874	that:0.037405568462991014	I:0.03465917683077474	for:0.0320908682004877	:0.01
I:0.1803983013453989	it:0.14809804437510302	we:0.12403549465212284	who:0.11580681902065516	and:0.10185992768584697	he:0.09882201198425426	they:0.08950326601558928	which:0.0749832971513681	It:0.056492837769661415	:0.01
the:0.2430700290993388	of:0.19255952245263241	and:0.1541377657113866	to:0.1438140321537308	a:0.07286436798209919	be:0.051059482517056685	or:0.05091033703493395	his:0.042464487272563516	on:0.03911997577625805	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
to:0.5149770475981358	will:0.1346783393002969	not:0.08265277225475992	would:0.07186959262433686	and:0.06726130341175825	you:0.032577373144446926	they:0.03117769070819441	should:0.03073681247251106	must:0.024069068485559734	:0.01
the:0.49438658544643616	The:0.14540031495469338	that:0.08550252205135273	this:0.07045977956178653	his:0.049153741371079925	en:0.04566394458803623	tho:0.03916051694326674	a:0.030641222323425463	This:0.02963137275992294	:0.01
to:0.25899009985987886	and:0.20691113851486853	of:0.12222836551254562	the:0.08594736535787019	is:0.07480810658605944	in:0.0664871705332616	was:0.06439095079885332	con-:0.05644473110180624	will:0.053792071734856284	:0.01
be:0.24863301257446357	and:0.18023447528229328	as:0.11900294407375822	any:0.09152107891494127	either:0.08065441752871852	manner:0.07315275488263395	is:0.06602873478529825	or:0.06552572341795665	a:0.06524685853993617	:0.01
of:0.42973901888524385	to:0.10420390365675673	that:0.09796963455895259	by:0.09076391062687407	and:0.07519868162673066	under:0.0669597511531021	with:0.047385927981561195	for:0.04179296899517021	in:0.035986202515608676	:0.01
and:0.24085978996594232	ready:0.13274756945117852	used:0.13207968819577365	demand:0.10256758973541094	necessity:0.08621761744449329	time:0.07798948167775047	vote:0.07695608292594495	place:0.07195614762276076	enough:0.06862603298074507	:0.01
the:0.44128286709498465	and:0.11101823581613052	a:0.10987243616498289	of:0.07361674171326836	The:0.06534200453313006	to:0.061454283611476784	his:0.05224407902114285	with:0.03807157274862268	tho:0.03709777929626122	:0.01
the:0.23461451571639205	of:0.2082190844989223	and:0.12161366083081088	in:0.12018842811254492	or:0.08922881981939929	with:0.06285626039393363	to:0.057971375597641296	by:0.04996247664149722	for:0.045345378388858375	:0.01
be:0.28617972100582956	and:0.16268441112360146	he:0.16155544153530688	was:0.12208355753794954	is:0.08733674436208817	have:0.04830905568425094	I:0.043512627043826475	been:0.039989601108343854	He:0.038348840598803155	:0.01
the:0.7960896944291324	tho:0.03541189152067101	and:0.029345058625016233	his:0.026575012097541734	this:0.02195838445642336	a:0.02129920732958784	their:0.02087028896483948	of:0.02083889698892802	no:0.017611565587859878	:0.01
the:0.3757017791354365	of:0.15098593636513172	his:0.11469590544226016	this:0.09820742118873921	and:0.06077782213452689	a:0.049834757247571505	their:0.049743269524710136	or:0.04903209905984556	our:0.04102100990177839	:0.01
of:0.2995343895777337	in:0.15492595819994948	to:0.12884162985216668	and:0.09788935910863643	for:0.09378707843117783	with:0.060975381439921456	by:0.05381344492823101	that:0.051341307011785575	on:0.04889145145039777	:0.01
to:0.2291599023600459	I:0.13871946602755938	would:0.1330455404601739	they:0.11537319596311135	we:0.10498230354658346	who:0.08173080463455146	will:0.07730390766292998	you:0.05776733890846799	and:0.0519175404365766	:0.01
of:0.3159349713373115	and:0.14255235774498598	in:0.14150239752579102	that:0.10417672400432376	to:0.08784364980683178	by:0.05866477236947692	with:0.05032623759074687	for:0.04765950354235702	from:0.04133938607817509	:0.01
Chief:0.27160774856029757	by:0.2217746479488113	of:0.21964147873042164	and:0.08529027845262348	to:0.07332578758886041	the:0.046463538627776926	said:0.035925380776933094	on:0.019596763067903894	Mrs.:0.01637437624637162	:0.01
of:0.31662382482780055	the:0.18822284322808477	in:0.11578788137479393	and:0.09407676728996123	that:0.07488917283524958	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.03956238267555868	:0.01
I:0.3359590597720606	he:0.19690932518224705	and:0.10460261048712292	He:0.0865661488047072	was:0.0829237084169654	she:0.052940269178750915	the:0.04531244715031157	is:0.04450037502484462	be:0.04028605598298976	:0.01
and:0.1839744369925756	is:0.15816658254714983	was:0.15523712589648786	are:0.12515688772284883	be:0.1032051387848565	not:0.06809378147602631	were:0.06786280535236103	been:0.0654827630776303	it:0.06282047815006372	:0.01
the:0.40013293554699847	a:0.25641726331827	of:0.06660601337342556	said:0.058719296637931774	in:0.05385714725933323	his:0.046830705221955364	this:0.04257598368754873	to:0.03696873638970582	on:0.027891918564831097	:0.01
and:0.3171940505917024	or:0.1572428214944622	made:0.14946395825457476	it:0.08691018772414068	that:0.07769859549575453	done:0.051363715929109564	him:0.05132471348732895	only:0.05017459062309865	them:0.04862736639982825	:0.01
of:0.4163979461345856	to:0.1539562366099683	that:0.0959716933847183	in:0.08268502469982317	and:0.08050089591041658	on:0.05945021177342268	by:0.038215498125675255	for:0.03286850700540239	as:0.029953986355987616	:0.01
that:0.41254069359533196	if:0.10775867228608897	as:0.1021810806114893	which:0.0950336527603481	and:0.07458198053495402	where:0.0620748140712076	when:0.05168851284933588	what:0.043968596503646165	but:0.04017199678759795	:0.01
and:0.2179323550765825	of:0.20178731477680756	the:0.19261917476274598	to:0.08891564529808502	a:0.08258196034759074	be:0.062475037334273516	for:0.05040411189358241	in:0.04772974787927691	was:0.04555465263105526	:0.01
the:0.29045040347931034	of:0.28573686392564307	in:0.14482690952210012	by:0.05366203320741016	and:0.05363367791825864	a:0.04841638893075872	his:0.042859246570597656	for:0.03527029615324502	In:0.035144180292676075	:0.01
that:0.2778581367354571	and:0.2464988652358866	as:0.12419472034687723	but:0.09881487109708305	which:0.06780189868586442	of:0.0461859543105697	when:0.04568724174305771	if:0.04267327791054875	for:0.0402850339346556	:0.01
the:0.3772139649198707	a:0.3517384575727426	The:0.07025373099470712	of:0.04928115920888418	and:0.043959817468033194	his:0.03287693982272174	this:0.026686305908428055	tho:0.0192872619447732	in:0.01870236215983928	:0.01
to:0.7675096964015802	not:0.07021610167194516	and:0.0405305775234473	I:0.026456372286965023	will:0.02185424089876256	would:0.019280612705740576	of:0.015577156321857818	in:0.015485184332420115	could:0.013090057857281305	:0.01
it:0.22712628597609982	he:0.21253687766485888	It:0.18031188857998398	He:0.0963006863991519	and:0.09471216819412515	which:0.04993635403543279	there:0.04717894442246542	she:0.041707922978850454	that:0.04018887174903176	:0.01
the:0.19973673748319962	south:0.18702779361968208	north:0.15982485632839313	east:0.14416008078002449	west:0.1271368694625307	one:0.06117723817628734	other:0.050782521233723094	either:0.03197613557020537	a:0.028177767345954213	:0.01
of:0.2509130965218734	to:0.1551773858852275	in:0.15395123798081212	for:0.09259101878101822	with:0.08281779795750178	and:0.07792201033634424	from:0.06970555619465402	at:0.06355317510943152	by:0.043368721233137175	:0.01
and:0.2758836921700153	of:0.22975190363749787	to:0.10767661680865694	all:0.07691525340684668	in:0.0702470915794366	know:0.0672883217183726	fact:0.06709293433771966	for:0.05223215542028378	from:0.0429120309211705	:0.01
and:0.32311634278934404	him:0.09870937808207801	application:0.09552818008284919	was:0.09108249895321115	it:0.08441184299744424	up:0.08234572242630689	made:0.07437354501364973	out:0.0712836163279344	time:0.0691488733271823	:0.01
the:0.29695533958321657	said:0.17703567573589155	this:0.11171806579928768	no:0.09074523356018187	that:0.07817602195708855	of:0.06621213733816299	such:0.06018070855127621	This:0.058846511636259674	The:0.05013030583863489	:0.01
the:0.46891933382738193	this:0.20177115203213916	that:0.07656570496575144	his:0.04648927143271496	first:0.04408642757737371	a:0.043073692578605924	on:0.03862689718059067	took:0.035671307882531526	second:0.0347962125229107	:0.01
of:0.47241978471457663	in:0.22926055967660666	to:0.07925568651337603	throughout:0.045461986889704216	In:0.04504488769029031	from:0.03559128098291959	for:0.03254064494466398	on:0.02543138708828435	by:0.024993781499578066	:0.01
of:0.2900947012389457	in:0.16417786382512142	to:0.15552600664134783	at:0.08919623556290653	by:0.07534187233809923	with:0.05700378669925567	from:0.05671894755253884	for:0.053937512500454324	and:0.04800307364133047	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.33995684533252996	a:0.24276848002458845	their:0.08519604465188706	to:0.07090256022275045	his:0.06677890492469662	this:0.04719479005074183	good:0.0467449323110364	of:0.04640932218083603	our:0.044048120300933344	:0.01
the:0.5177992496076944	a:0.2031474941253057	this:0.08581609997982814	The:0.06941293954761478	and:0.044054462143769534	tho:0.021779302070428424	is:0.01760674731140944	A:0.015664525796434882	was:0.014719179417514824	:0.01
and:0.1664873365524762	be:0.15411249027509683	was:0.13534665704601467	of:0.11936534553223899	to:0.1183922877576541	been:0.08249300587019524	is:0.07584338862680055	were:0.07282174495865562	are:0.06513774338086778	:0.01
able:0.14511234966528908	and:0.13172820859723178	is:0.1247686614230459	have:0.11730326646781511	him:0.11082659939939717	had:0.0955401572626202	right:0.09040877079752839	enough:0.08874364021609925	willing:0.08556834617097307	:0.01
the:0.3709127561182026	a:0.26444812016166364	and:0.0865773706073407	of:0.07420644799058602	The:0.05029401343439879	an:0.04961439159978066	that:0.03660430524922059	to:0.03210352522032676	tho:0.025239069618480065	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
up:0.17032305363282238	time:0.16711335341898248	in:0.12527215113957788	due:0.1133736981433068	them,:0.09475987896607477	it,:0.08847953022222116	him:0.08231122455933201	here:0.07724464258167192	;:0.07112246733601059	:0.01
the:0.8514581005254491	tho:0.049339039716014985	The:0.023810476456397073	tbe:0.018289326463401753	of:0.017391813259110298	and:0.009228001818112395	in:0.00870150683821085	by:0.005902294252819958	a:0.0058794406704836405	:0.01
to:0.7963728527583023	and:0.06447203785661447	not:0.06061490263418568	will:0.025012597623589733	that:0.009645517757665433	or:0.009409409991306834	which:0.00869294539544073	would:0.008619400614687385	may:0.00716033536820751	:0.01
the:0.82590428529791	tho:0.030429717576641133	of:0.026672873606360635	and:0.0232403410705	his:0.02290954150889073	The:0.019523890082257116	an:0.017316017657785274	in:0.012863132196340577	tbe:0.011140201003314632	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
first:0.22339339267419442	on:0.18904006040484084	third:0.14540864272235157	On:0.14462729104862201	last:0.07726299716964792	and:0.06246955508215194	second:0.05312149292221943	the:0.04914412148685804	of:0.04553244648911395	:0.01
taken:0.16261151630900855	put:0.14619353766925322	came:0.13703532100150315	it:0.10354230172789738	went:0.10287543520360636	made:0.09309311850413422	come:0.08892194890483825	keep:0.08456340460513728	get:0.07116341607462179	:0.01
the:0.30829255876349043	of:0.30782939186025116	an:0.12277172196581082	and:0.08917862379661648	in:0.05185540988009982	The:0.04396504706466841	by:0.026008080582712517	this:0.02183210871233291	to:0.018267057374017518	:0.01
brought:0.192277727621288	went:0.15460515481500964	come:0.12146927553962855	came:0.10641642939028818	go:0.10353499405925308	look:0.08612366304645741	looked:0.0769716221388797	sent:0.07503292098015651	it:0.073568212409039	:0.01
and:0.2570444868534137	filled:0.19679096807428134	covered:0.1570812856126885	together:0.07562491315607422	accordance:0.0672592376189995	charged:0.06511645199676881	parallel:0.05756238384092781	up:0.057447201370967406	connection:0.056073071475878644	:0.01
and:0.3309066756559541	demand:0.11951725037001645	ready:0.09893866457384981	used:0.09514434972463204	time:0.08611259291726484	not:0.0660784836651807	vote:0.06597209943325834	it:0.06550607031200961	candidate:0.06182381334783411	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.38302017324220544	thence:0.29936690776717384	and:0.0954403724036918	minutes:0.05714161987539117	degrees:0.039163333723336635	The:0.036838809686002616	tho:0.03045836821817468	feet:0.026436507334020753	miles:0.022133907750003137	:0.01
be:0.3772467936574377	was:0.14139731190743154	been:0.09842490860873845	is:0.09082646335255577	have:0.08099718965765183	has:0.06322134711137646	had:0.05013246138720967	and:0.04924219274830825	he:0.03851133156929048	:0.01
and:0.2625614647219744	was:0.1432246731029363	are:0.11019859322216392	is:0.10340559833700257	been:0.09328234633723377	or:0.07499365040325978	be:0.07366447203709012	were:0.0669029039275914	not:0.06176629791074764	:0.01
of:0.3792703144302751	the:0.176252807359912	and:0.08573005552139683	for:0.08122987294582659	or:0.07678611247393066	in:0.059878887520122284	to:0.05420251129874197	by:0.0450153442880628	with:0.03163409416173186	:0.01
this:0.27172175727450804	the:0.19929193769626846	his:0.10724062763658933	same:0.0886610672074724	own:0.08654928341087763	any:0.07618256398944749	their:0.07028777504858862	other:0.04596182546577913	that:0.044103162270468975	:0.01
he:0.2322016336984786	it:0.1669075223082371	they:0.10660387704011784	that:0.09287466004315888	I:0.08912921800163373	and:0.08103075734170172	It:0.07721091712064736	who:0.0747157546460944	which:0.06932565979993037	:0.01
the:0.37263410996040036	of:0.1914567244543205	and:0.11241612437048062	to:0.0978933473940858	a:0.06323151129667046	The:0.05592472829640938	in:0.036646316132800644	with:0.03545024815068941	for:0.024346889944142726	:0.01
number:0.15394027364983043	line:0.13769881947098758	one:0.12246058823425282	place:0.11551625530320289	all:0.09743595898697573	state:0.09413241405022472	out:0.09204978280646374	and:0.0885995626853321	House:0.08816634481272988	:0.01
Mrs.:0.2559016863583394	.:0.16952138022160035	and:0.10503699346325997	Mr.:0.09370726085041102	J.:0.08705691662761507	John:0.07320352737050535	H.:0.07240915124461561	C.:0.06687892276974537	W.:0.06628416109390788	:0.01
to:0.6671208101599866	will:0.07801255142929903	and:0.05161757714682944	would:0.047799932179985086	of:0.04625473687700093	not:0.038572983605527654	in:0.02731690773700641	the:0.017751813771338	I:0.015552687093026686	:0.01
time:0.14395274046311576	dollars:0.13910016142736772	up:0.13278126228628923	north:0.11983168611810363	hundred:0.10305696027946308	men:0.10213328372565725	principal:0.08432547566643718	wife:0.0828662980201511	city:0.08195213201341502	:0.01
the:0.21168661632910743	and:0.17342087587379088	of:0.14965243031096215	as:0.14862640424456694	a:0.08287979349307766	to:0.07107758859510925	be:0.05689152027188907	such:0.04860602071964438	in:0.04715875016185233	:0.01
in:0.22047254977748376	of:0.21867088681625557	to:0.10603645220073533	for:0.10369691132040391	and:0.09815872000009652	on:0.07538494519345876	with:0.05881818401094934	In:0.05688881215019788	from:0.0518725385304189	:0.01
the:0.33864946286715597	a:0.18731739560164837	his:0.1642747255383906	her:0.09363357424053344	and:0.05728905097286073	their:0.04301453441047997	my:0.03946011176862589	of:0.03760395589006623	to:0.028757188710238763	:0.01
days:0.23584075624191142	years:0.19739605200624624	weeks:0.1887099309204007	and:0.10202930929142877	months:0.07075036095375516	a:0.05286143293104231	the:0.05113464634473375	time:0.050915785487490664	long:0.0403617258229911	:0.01
a:0.37998464916707125	the:0.21111848908571465	of:0.1476668278049129	and:0.06935537613048871	in:0.044128927102406325	to:0.03988779185945589	as:0.03875156346386635	for:0.031208706420008128	that:0.027897668966075758	:0.01
be:0.4254612591778027	was:0.14998218503498098	is:0.13238259175324427	been:0.08049710816730049	are:0.048063200303607514	were:0.042259882413635104	and:0.03911756353491624	he:0.03639345206048589	have:0.035842757554026744	:0.01
enough:0.1460197688707853	and:0.14132991299633987	able:0.12532103140904757	order:0.12087521672134159	is:0.10659187402439463	as:0.09839282102201653	him:0.08820021934353602	necessary:0.0866702738326426	unable:0.07659888177989588	:0.01
the:0.4257514684353325	a:0.15703197240150663	in:0.12555579755490257	this:0.08109193972782469	of:0.07822670748954458	his:0.03784042299516794	and:0.030168556713577266	that:0.02990174778084501	by:0.024431386901298882	:0.01
of:0.3055456209113757	the:0.20745724859775663	and:0.08909619969807751	to:0.07536255720057951	at:0.07451480802075414	by:0.07224843492744921	a:0.057360320794612236	was:0.054218542331324816	be:0.05419626751807021	:0.01
and:0.3106065031373411	.:0.15692935945024153	E.:0.11747046505092665	<s>:0.091514441729659	W.:0.07922679612493481	one:0.06362715626036866	east:0.060202109008043084	of:0.058926459123446163	Miss:0.051496710115038986	:0.01
the:0.5258154566320883	The:0.10629154022131458	and:0.08096140779645052	of:0.07685411578224863	that:0.052617724746385625	this:0.05003537809250879	in:0.034273989713412126	tho:0.03169354337879757	for:0.031456843636793776	:0.01
the:0.6465742121962595	an:0.06319752886136992	of:0.04888128014491918	and:0.046172085621971934	a:0.04377316618495469	his:0.04257888572772764	tho:0.04073583924576931	in:0.029311389758875393	as:0.02877561225815232	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
be:0.2610503116203727	was:0.19673139727233407	is:0.15320001400198427	are:0.08566334184737201	and:0.07737070923530671	been:0.0759274112744334	were:0.0748452885724681	being:0.032621050648726495	not:0.03259047552700228	:0.01
a:0.3495941884967801	the:0.21001053557218616	most:0.13249562439787196	and:0.12374948786528701	of:0.0686106980122803	is:0.03329395036419142	very:0.02529372695740049	are:0.023947121177111362	his:0.023004667156891333	:0.01
in:0.3249776142317823	a:0.2664938662240866	In:0.1643214419629037	the:0.14401247718139748	this:0.037641487982222416	and:0.01968571091930121	of:0.011355571342747438	iu:0.011300782855224754	great:0.010211047300334022	:0.01
and:0.20533957469084954	the:0.17816002652873614	to:0.16190695831275567	of:0.10941929642865497	was:0.09225481321500227	be:0.07524105874995944	is:0.06612970506238942	a:0.05197411262631739	not:0.04957445438533503	:0.01
State:0.18875338222462548	state:0.13745965832968743	out:0.13362786523863018	and:0.13124228045062467	county:0.09495650883399645	or:0.08487401100510762	city:0.0793614949457751	time:0.0701707247306483	that:0.06955407424090475	:0.01
A:0.2217622334610307	J:0.15648123005225215	M:0.10956111860406141	C:0.10356680997450438	W:0.08934575825197713	S:0.0835117615794555	H:0.07855869072343123	L:0.07723448439900432	E:0.06997791295428317	:0.01
of:0.18891674623564286	a:0.16859137315150924	and:0.15411008253264433	to:0.12731290125729433	the:0.11745157559964285	in:0.10020307176617632	for:0.059576564228534544	an:0.038446842876977534	as:0.035390842351578036	:0.01
the:0.21493819315715432	and:0.18548748980491458	of:0.12513780755628087	was:0.11233110220078989	be:0.09873352512849025	a:0.0792284318572913	is:0.0678824079480373	to:0.05499145416599458	are:0.05126958818104679	:0.01
carry:0.2531501453566949	through-:0.22987000183719142	with-:0.1450204013714821	carrying:0.08293987265271313	pointed:0.06672683102072541	and:0.059369703054731424	sent:0.05515216574947199	brought:0.049249105518804445	carried:0.04852177343818517	:0.01
act:0.15966095956306736	State:0.12039189118226258	day:0.11807928057554104	one:0.10429807285048814	members:0.10333857278579202	state:0.1018033686056309	Act:0.09626209419486574	out:0.09407838717213372	part:0.09208737307021841	:0.01
to:0.27131876282847417	of:0.26428924869496234	with:0.14522073019098308	from:0.07316815255958452	by:0.0641494212647684	for:0.06264724645321468	among:0.0418323305300907	and:0.03750947407318884	in:0.029864633404733363	:0.01
which:0.1943879719724398	that:0.1406643404762325	it:0.1310923228450651	he:0.13048217497520626	It:0.11192339317387552	and:0.09610147958818305	who:0.07880307998328155	This:0.05830992726528164	He:0.04823530972043459	:0.01
the:0.23064724666052064	a:0.1967953146854406	and:0.1682893183608883	of:0.11170195323785434	to:0.08720853330185761	in:0.06125270603163709	that:0.04987844435607797	which:0.04223592380016907	an:0.041990559565554295	:0.01
of:0.3218428744555628	and:0.2091482379925787	to:0.13166238250981657	by:0.0943710387983347	<s>:0.05768361722420554	in:0.051519208387880974	for:0.04816684096956286	that:0.038558493491546365	at:0.037047306170511475	:0.01
instituted:0.6128883438177454	able:0.08002843990680979	is:0.04625006924377651	him:0.04383876404739831	time:0.04301255623035381	and:0.042256868169605825	unable:0.04091818884625903	have:0.040586786462113826	me:0.040219983275937614	:0.01
was:0.25506497532324895	been:0.16268187022837624	be:0.15902257049647467	were:0.10428751024513623	is:0.09475091050474264	are:0.06270313922776707	and:0.056804529195146815	had:0.04994394038073975	being:0.044740554398367695	:0.01
the:0.4173213134971269	a:0.1716643861540747	and:0.10316248905280999	of:0.10206828724744137	The:0.07700780305490174	in:0.03711691874525729	most:0.03077121062534241	tho:0.027891462076195722	by:0.022996129546849785	:0.01
and:0.2344421076832057	I:0.1458697961450589	it:0.1195241725675152	he:0.11628906581079981	It:0.09657089670892899	that:0.08526740876132055	which:0.06446920060066727	was:0.06393441015011891	be:0.06363294157238464	:0.01
in:0.3885687153645682	of:0.1589142309507504	In:0.08811608697477342	and:0.08175223408630554	to:0.06955644366975634	for:0.0631673394908955	on:0.06211980081446976	that:0.04406955464175644	at:0.03373559400672445	:0.01
a:0.4024564509962842	the:0.31113084993498347	this:0.07366312879601304	The:0.057277370784721976	no:0.042080835757577616	any:0.029633470383283955	This:0.028937477931996067	that:0.023151105033684578	No:0.02166931038145524	:0.01
and:0.17722291469113738	of:0.1320986679916092	put:0.12922151543728752	as:0.12006344742945622	make:0.10394397296081156	that:0.09994954798090332	for:0.08271405305777428	to:0.07588001229998377	with:0.06890586815103679	:0.01
intoxicating:0.42948980689684	of:0.17738436133414348	malt:0.12672975116908605	spirituous:0.0736838919977128	in:0.05233215864467641	the:0.04280461442419639	for:0.037443023101075425	and:0.03088694544767422	all:0.01924544698459523	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
he:0.2485873208889854	I:0.175167107937807	who:0.15651398119890866	they:0.1115344376261025	she:0.07153583335893339	He:0.06425495146783065	have:0.06045251581970676	we:0.051582790048191135	and:0.050371061653534485	:0.01
day:0.1878181950533248	number:0.1518165014952335	line:0.14371374114410246	side:0.13010264942802802	part:0.10126096195089972	state:0.08653407196235346	out:0.07039731021378941	corner:0.06702633482831927	case:0.05133023392394934	:0.01
of:0.2201221551404213	to:0.14757596935276177	in:0.11100691274296662	by:0.09385559172771334	and:0.09367071153032629	as:0.09115358778055334	at:0.0825025903855701	with:0.07786678334324992	for:0.07224569799643737	:0.01
of:0.42551535764962667	in:0.105361918772192	for:0.09919708394973868	to:0.09097654363016522	that:0.07620599292303544	and:0.06676117730482617	with:0.053034852630764635	by:0.03698307730636231	In:0.03596399583328874	:0.01
could:0.2089222682621685	would:0.20427583762890694	did:0.1363549287453858	will:0.1351422776034908	do:0.08175122231180978	does:0.07803545085872958	should:0.05578541577046722	shall:0.03406518912838425	may:0.03258815521764581	can:0.023079254473011405	:0.01
and:0.18171675647716873	him:0.1242324417741016	feet:0.117575498348393	time:0.10967517284597857	as:0.10550157450322781	them:0.09669061669164172	up:0.09518485408813643	right:0.08005233980837703	is:0.07937074546297501	:0.01
he:0.23121404532058468	it:0.21516344784232738	they:0.13270572375260759	It:0.11860374360144835	I:0.0860627738032671	that:0.05422878703492139	we:0.05210788688105833	who:0.05089663672489061	she:0.04901695503889457	:0.01
at:0.5886563656167506	At:0.14697037135362348	about:0.12093742247625239	About:0.04436729218153659	of:0.03420065580956538	and:0.017459849658828974	feet:0.013055223636934194	for:0.012232113535846736	or:0.01212070573066173	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.4093233558040992	of:0.14347176912824763	and:0.09918323127245089	that:0.08389521681892108	The:0.07051764743152035	a:0.058349880834651466	Mr.:0.05600187837864818	or:0.0372170226949604	no:0.03203999763650096	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
of:0.2709984430877651	to:0.18816030392489716	the:0.12555560953751105	and:0.11852902333954986	was:0.06675377362472638	at:0.05836527014777883	by:0.056443892401187266	on:0.05442127833351209	a:0.05077240560307232	:0.01
in:0.17932091904105465	up:0.1215966693700481	good:0.11999391698083073	life:0.10654902722748166	health:0.1019047000422084	men:0.10088903037918391	time:0.09191434758658135	strength:0.08469654572592256	city:0.08313484364668866	:0.01
the:0.5028203628907527	and:0.12633623502399233	The:0.09674317006857185	a:0.07154285732119056	of:0.06408299114283496	their:0.035581482196446676	his:0.035307927326419776	tho:0.03165855809079877	all:0.025926415938992378	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.3732728740085813	and:0.1485077783970547	to:0.13895234730832784	an:0.07439344067426598	a:0.06957204195587159	of:0.06329096308871245	in:0.057243470552433985	The:0.034701420514978626	this:0.03006566349977355	:0.01
and:0.30150181542805676	succeeded:0.10274438105042286	was:0.10185615519519328	is:0.09970501232309775	be:0.08555184996959278	it:0.08489174891435752	that:0.08476173864785717	are:0.06577723207608793	them:0.0632100663953339	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
Mr.:0.23175500774945862	wife:0.11733222205447784	;:0.11368081958922258	.:0.10229893126635657	William:0.09169701853550072	men:0.09111258948661277	Robert:0.08470775671599629	John:0.07923358613814785	Smith:0.07818206846422673	:0.01
and:0.30947297609369967	at:0.23286087122812335	the:0.10314929523616576	of:0.09928122536991127	about:0.053274181006935796	than:0.05313354301896458	-:0.05077538276593975	.:0.04831715440203377	for:0.03973537087822607	:0.01
the:0.24897615292696776	of:0.19766837159290634	and:0.17876525525682663	to:0.128275376378825	in:0.06491360691034295	or:0.050003660337162574	<s>:0.042779800035188144	by:0.040222005133297926	for:0.03839577142848285	:0.01
they:0.2821235785238613	there:0.13444052315549704	who:0.11481698600164558	and:0.10256013960526965	which:0.08050099590242764	we:0.07645851500678594	men:0.07188099847629469	They:0.068044380993973	There:0.05917388233424526	:0.01
of:0.22509389762513524	to:0.15983636858147227	and:0.1423536026822462	in:0.09941539122985522	with:0.09271152663599014	for:0.08276347247606507	all:0.07281782353184696	is:0.057692310240745615	by:0.05731560699664328	:0.01
and:0.2165381807466691	the:0.18724203922351226	of:0.14904754853675403	to:0.11548725602063734	be:0.07888300539379994	was:0.07500647985195938	in:0.06698318540006265	is:0.055634215838476345	are:0.04517808898812875	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
feet:0.16806823629364645	entitled:0.12440338348081183	up:0.11427840402807636	amounting:0.11025581526649776	went:0.10851599478240109	and:0.10786830750332975	him:0.10022868141875191	as:0.08106754940562413	them:0.07531362782086076	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
<s>:0.24643505364970167	that:0.22567481111489607	and:0.11986402130738497	it.:0.10509411761497947	but:0.07308474448235741	as:0.06237988616146023	them.:0.06028718069699419	country.:0.04939834692648971	of:0.04778183804573639	:0.01
<s>:0.5121723846671667	.:0.12730135601713372	it.:0.0798051711604242	him.:0.07089925602813624	them.:0.04707178778151718	Mrs.:0.0407753810969984	time.:0.03817950503260038	city.:0.03811119066869773	Mr.:0.035683967547325314	:0.01
of:0.3570403612938695	to:0.12063419259462445	in:0.11497733268098577	for:0.0856065777205728	and:0.08234035324942196	that:0.06539181917781645	on:0.06412736243371937	all:0.05231314023142514	by:0.04756886061756446	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.6093858295707175	a:0.08646090680230333	his:0.057317844700549174	of:0.050091574054541926	and:0.04398246105634378	The:0.040883163350329356	their:0.03645901345841604	my:0.03379143904342869	tho:0.03162776796337015	:0.01
and:0.16698146172987727	to:0.15728230301477966	that:0.13908943993487738	will:0.13541465682804538	would:0.11972156308277337	which:0.0979955233827294	when:0.0627836923132041	but:0.06035394003712347	should:0.050377419676589874	:0.01
a:0.5202244933442349	the:0.32681222460774695	The:0.035584290552299926	his:0.024853943071729365	of:0.01977501789257896	tho:0.017890376182770628	and:0.015718466039970874	no:0.015399521826614377	any:0.01374166648205389	:0.01
the:0.7693662488712025	The:0.06857698505744954	a:0.05778574722219927	tho:0.034908263492369404	of:0.02000249394282586	and:0.017711158599363855	tbe:0.009608886794852103	in:0.0062960962427652456	vitiated:0.005744119776972096	:0.01
of:0.23933474475008412	to:0.1492751967387238	.:0.12364975969228276	in:0.12363602657950748	and:0.09421953532028834	the:0.08584187129017176	by:0.07272487040998928	Mrs.:0.05854445791760301	<s>:0.04277353730134945	:0.01
of:0.32640688073166885	the:0.2746521185922326	in:0.11542712589259008	to:0.07318470109699242	a:0.05908335443142267	and:0.04060156722304569	on:0.039387004585672014	at:0.032551072026947396	from:0.028706175419428288	:0.01
and:0.5217049534422644	that:0.15419765008625483	and,:0.072114153400205	that,:0.062432371481467366	but:0.057219152621491076	And:0.03887564395214609	time,:0.029602178074934222	them,:0.02861921937814904	which,:0.025234677563087976	:0.01
the:0.39319515931297766	and:0.12915457613177952	of:0.10105636806934154	be:0.08586265197241066	to:0.06650129758854655	was:0.06478827149127847	in:0.05344773640069162	is:0.05104260864654071	on:0.044951330386433466	:0.01
the:0.508725683427426	this:0.1367132317547552	a:0.10203627698282837	The:0.08053696240310998	that:0.05942442180325901	tho:0.03461156806879609	no:0.02843535022512318	present:0.022381667692909998	any:0.017134837641792234	:0.01
and:0.2739885693770383	to:0.19745983851003926	of:0.12375147340396658	not:0.08388555375057317	the:0.07716758999201043	as:0.06981759943263864	for:0.05881483337207526	is:0.05590071825745212	was:0.049213823904206096	:0.01
to:0.6043812645927766	will:0.11787479466733024	would:0.06395919182257691	you:0.03935641915563961	not:0.03924112525625143	they:0.037928209298054766	and:0.03434465888560473	we:0.028315394408063823	should:0.024598941913701808	:0.01
new:0.13363279883328663	made:0.11795375316227968	;:0.11592434004099786	large:0.11254051600585656	principal:0.10882619230432765	time:0.10685654844607204	city:0.10051975805723987	land:0.09934464881232145	law:0.09440144433761816	:0.01
;:0.19144271596780793	it,:0.16073763154027443	here:0.12049437696626474	him,:0.11804649775025872	them,:0.09400661208989028	him:0.08015674650162938	up:0.08012724368830139	time,:0.07692296664228485	in:0.06806520885328828	:0.01
is:0.24454835676571696	be:0.18118552929063292	was:0.1233726894410281	are:0.10358784880628129	and:0.08915062343655587	from:0.08650520441051683	of:0.06423367245153898	not:0.05213398527005322	it:0.04528209012767593	:0.01
of:0.28456873741257405	to:0.16182437273352052	in:0.10996950048110243	and:0.09708273022398335	with:0.09400151816591866	that:0.07802695539842992	for:0.0617520771589378	by:0.05958614270601376	on:0.04318796571951965	:0.01
and:0.27863896335570826	together:0.12349200465067216	it:0.10935421957881501	him:0.10056753392149147	dealt:0.08373456189809875	them:0.0785001085656422	do:0.07804983265425736	complied:0.07261495932768199	charged:0.06504781604763303	:0.01
a:0.2624774583789531	the:0.199560559085454	of:0.17043740037627544	in:0.08941420754259406	and:0.08631124462137402	to:0.06967574507524112	an:0.054745917043327826	for:0.03054127226813062	his:0.0268361956086497	:0.01
to:0.7462775136474078	will:0.05960736066923649	and:0.05461222132398947	would:0.02555679883359402	can:0.024364844569397612	could:0.022728472927166437	shall:0.020950203855402635	not:0.01843617973960699	may:0.017466404434198644	:0.01
of:0.33647788306603615	and:0.16820868855449997	know:0.11228045995785894	with:0.07223834347361588	see:0.069900866417691	to:0.06398194624151485	is:0.060440799048297175	but:0.05720775580179687	as:0.04926325743868923	:0.01
of:0.2799783373682724	in:0.16749294801809156	to:0.143573599287572	and:0.08569727138304978	with:0.0791225005903347	on:0.07728733411276338	that:0.053875471566518285	from:0.051555476851136116	for:0.05141706082226177	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
at:0.23861372412503445	and:0.1812333671357339	No.:0.1536955387261185	the:0.07853559306902819	an:0.07621357714161779	of:0.07603658630895334	that:0.06309495345575501	No:0.0612887091706573	<s>:0.0612879508671016	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.3529099084051617	of:0.19549563774791123	and:0.1049524605257024	to:0.08688921559365344	in:0.06708309474613364	a:0.05005009487299556	be:0.045356097724804256	for:0.04386168236374957	was:0.043401808019888403	:0.01
at:0.22606604972269348	of:0.20393953051698147	in:0.16750080429008354	to:0.09178212860210258	on:0.07338281661280806	for:0.07328046460725855	and:0.0653471204622718	that:0.045503935447936676	from:0.04319714973786389	:0.01
and:0.28942820370253297	<s>:0.12895041364806356	in:0.11224014974718076	to:0.10215245109159482	New:0.09311853221000725	I:0.06838454769667192	Mr.:0.06772882796370651	by:0.06697986256627117	of:0.06101701137397102	:0.01
a:0.3180793943671705	very:0.13623265780526875	is:0.12108078561759074	the:0.11288192887813814	too:0.08643485353349407	but:0.060550970510645036	so:0.05607350070094782	was:0.055542924041420534	are:0.043122984545324525	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.2848316411696297	was:0.1355813173329022	arrived:0.12495822393002634	is:0.1206974122436833	appear:0.07265266432577422	are:0.06659714454613586	up:0.06596998592683308	came:0.0622361375378454	made:0.05647547298716985	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.3462166517470585	of:0.1700769500293815	and:0.15230565755197603	in:0.06730041244020715	a:0.0671692648752153	to:0.05814564063698488	his:0.047999682569321245	be:0.04082700137846194	their:0.03995873877139317	:0.01
and:0.2540443968115062	less,:0.18001827633923176	and,:0.12910585451947085	you,:0.08954805783527071	them:0.07635527054989227	as:0.07182598760721483	;:0.06918930011501703	are:0.0615566638806328	made:0.05835619234176347	:0.01
the:0.34972207376421444	a:0.1886624422570472	of:0.1753056174083771	no:0.06283443453113914	with:0.05799356349242507	and:0.05114452209629551	The:0.04147672952956449	that:0.0346200249216317	any:0.02824059199930514	:0.01
of:0.22893608170436042	the:0.2107128400357185	and:0.1857615605220577	to:0.11819991257172018	a:0.06734643833231155	in:0.05657692857097244	by:0.04452071835434858	.:0.04054773144581316	for:0.03739778846269755	:0.01
;:0.27119707986488517	and:0.21096057148478056	<s>:0.09700554096338587	.:0.07602272694356356	him,:0.07431512114832871	,:0.07049655827294198	them,:0.06852971752052382	it,:0.0640656279247657	1:0.05740705587682464	:0.01
they:0.299954136663756	there:0.12336587267808473	and:0.11314861125863297	who:0.10672175143008082	we:0.08393458953724554	which:0.08312392011761544	They:0.06637683112029098	There:0.057531833544174966	that:0.05584245365011847	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
that:0.38290738192185925	and:0.24969458719959275	but:0.08277960045876116	which:0.05314302687189341	where:0.05295758215877723	if:0.050129890186682326	as:0.04196917135546931	But:0.03825297840239077	If:0.038165781444573874	:0.01
be:0.34654371142729246	and:0.13308462691639292	was:0.11284512967759905	is:0.10958557215998642	he:0.08614662801466029	are:0.07758564977915731	were:0.05107046818901304	been:0.0439612733809223	have:0.029176940454976156	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.5999503355783594	a:0.09441017749364912	The:0.07709912819886228	tho:0.04335844370065355	great:0.04188060440360745	large:0.041713906344092035	and:0.04022001229770632	good:0.02733457627760064	by:0.024032815705469186	:0.01
of:0.511210803409102	from:0.08728021956375094	in:0.0820962469048954	to:0.07050158486530407	at:0.07038826672038159	for:0.0596388361688327	and:0.04665856918459927	the:0.0312808595781973	In:0.030944613604936756	:0.01
and:0.29590746995299394	week:0.20203591750483602	one:0.09856137374062376	up:0.08524969694082674	work:0.0692760864299584	time:0.06854347657598218	was:0.06033937584894617	room:0.05524891549584819	it:0.05483768750998453	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
he:0.21236976584642633	who:0.15091908100628376	which:0.13423069933853982	they:0.1114226506626021	it:0.10310378443593025	that:0.08782466281035546	I:0.07127377388196328	there:0.06045635920866448	she:0.058399222809234465	:0.01
the:0.46576492322984975	his:0.10234883381816587	a:0.09264318533602997	this:0.0664229926660077	her:0.0584364584329548	healthy:0.05765004993757077	good:0.05199041126892855	and:0.04768877301717236	their:0.0470543722933202	:0.01
was:0.16088072202995246	and:0.1371493363278058	be:0.1368660202805296	been:0.13341930095636764	are:0.10967063390028126	is:0.0878435099415715	the:0.08571444902383835	were:0.07008512550949265	of:0.06837090203016079	:0.01
a:0.2558910027910293	young:0.17274448724576494	better:0.13741908124178323	of:0.11122809688828755	the:0.08562301738597064	other:0.06459601801180377	white:0.06366985210434427	any:0.052506906462729104	in:0.046321537868287174	:0.01
;:0.19867792959144154	it,:0.13873949349506712	him:0.10153404351449945	in:0.10101992240408268	them,:0.09563977075018759	it:0.09563508187166943	him,:0.09418332390823186	and:0.09121356555636861	me:0.07335686890845175	:0.01
and:0.21426285053299027	of:0.20265915305716187	was:0.15542659537502876	is:0.09899687051373142	are:0.0797471448772987	were:0.07206825686557837	for:0.05953365128748507	in:0.05842261743222282	one:0.04888286005850265	:0.01
J.:0.13934519687762478	Mrs.:0.13316587149760076	John:0.12892597091609245	and:0.12012129548638388	W.:0.11106019597166729	.:0.10869134162632813	A.:0.09338559989591323	of:0.08204388105948765	Mr.:0.07326064666890188	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.22646225889984659	to:0.17936631755545326	of:0.16273196773080137	the:0.14441230832401447	in:0.06671702552099561	be-:0.06590235747966393	that:0.05175613165960594	was:0.04831311007520194	for:0.04433852275441699	:0.01
and:0.18162378161506834	has:0.150328848045306	be:0.12808049983329878	have:0.12478936844945697	he:0.11752924616354085	had:0.0946146197791457	was:0.07266614531512906	I:0.06700941340996255	is:0.05335807738909167	:0.01
and:0.391227080889581	made:0.11393007743285676	but:0.09254453484258374	or:0.08745817728507764	them:0.06907013496078816	is:0.06323170573957457	that:0.06211245571167873	be:0.060813534893146184	well:0.04961229824471318	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.4027283714260142	in:0.1142590909872253	to:0.10881707022405467	and:0.09331818602622438	that:0.08439249385569532	by:0.05353742964641413	for:0.05047338035526312	In:0.049423751187319453	from:0.03305022629178919	:0.01
the:0.292637807673609	and:0.2213087906255793	of:0.11863059456932074	in:0.069392364097213	was:0.0693297847939321	to:0.06048329639524874	for:0.053710583531059	that:0.052451811278698544	is:0.052054967035339364	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
and:0.1842951212422878	thence:0.12666124434661694	compared:0.12463267219739377	filled:0.11770960095871036	covered:0.11662586487994447	connected:0.09580787906734202	together:0.0895597442314721	charged:0.072469343998234	met:0.062238529077998504	:0.01
a:0.3398965498551552	the:0.11713887178914208	that:0.114404048788143	per:0.1036166796202319	every:0.09323642285237213	one:0.07896922790716034	this:0.0763913682130256	said:0.04097899100515082	to:0.02536783996961895	:0.01
be:0.14877296574160664	and:0.1465018593821292	have:0.142664183205454	was:0.11667704133931292	had:0.10204952867590343	not:0.09159916149803168	has:0.09156698311153703	to:0.07589108486159067	he:0.07427719218443439	:0.01
<s>:0.5619970252337455	.:0.09156727823160848	it.:0.08614950193340987	them.:0.06451952160031797	day.:0.04683290878296805	time.:0.03969312381958453	him.:0.03524126013264805	year.:0.03251062132864089	city.:0.03148875893707653	:0.01
and:0.2458216454679346	the:0.19221240549976226	of:0.17886404699877267	in:0.09462615788883734	to:0.08225553943246287	for:0.0674439796929097	<s>:0.05670319795781503	The:0.037573132360953256	by:0.03449989470055211	:0.01
about:0.1736993944435801	and:0.15237538542351003	of:0.1446913925936796	or:0.12365829462250566	than:0.1174686258790322	for:0.08462187217979024	twenty:0.0729232289689583	at:0.060648620376157876	to:0.059913185512786044	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
has:0.16135374414388173	was:0.1591719595597573	have:0.1444291973435016	and:0.12778795867497272	had:0.12219011497586481	he:0.08778757401311789	were:0.06582157662482852	been:0.06074101209833229	be:0.06071686256574321	:0.01
of:0.26648110125492797	and:0.226972955076138	the:0.14563530949121084	to:0.10029355109953574	in:0.05928704370861588	with:0.05082525737484379	for:0.0497552846057678	was:0.046497982141860225	a:0.04425151524709973	:0.01
of:0.40982992376827093	at:0.15166339537892132	in:0.11167677821575571	to:0.10000984518739774	and:0.06416423285539824	for:0.055679595248318704	by:0.03565980274265496	In:0.031412995166591184	with:0.029903431436691035	:0.01
and:0.25515568692804863	that:0.11646575451359605	when:0.1030112136589557	at:0.10079608719257258	I:0.09504936217126184	which:0.08870396340638374	the:0.08516287014757418	<s>:0.07659810179213326	of:0.06905696018947409	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.0967371407604443	that:0.07632406646832235	a:0.046895937127093126	his:0.030747167493934736	Mrs.:0.026865629367826563	:0.01
and:0.19198807372812365	was:0.19172387832443338	is:0.173062523443204	have:0.08076057753104786	be:0.08041964354041867	not:0.08038530924589625	are:0.06652668714115854	had:0.06557256714139699	been:0.059560739904320696	:0.01
a.:0.16878814459465954	p.:0.16084906310576294	p:0.12401508233442923	of:0.10757571404171358	and:0.09951867286641414	the:0.09884118937354296	a:0.0884602437276111	in:0.08250194930424502	.:0.059449940651621465	:0.01
much:0.28641846759128514	part:0.23262008837886392	copy:0.134890319977524	plat:0.12676460056100164	payment:0.05081738714482689	portion:0.05072008966830258	survey:0.04156989604250639	holder:0.03587450395846622	notice:0.030324646677223364	:0.01
and:0.23790265674568373	them:0.12900124241365468	was:0.11993164499191482	are:0.10371105674743307	look:0.10025498902218322	it:0.0770066807945762	is:0.07543007297823318	or:0.07386423758878817	him:0.07289741871753298	:0.01
;:0.2175584088346811	city:0.17941877769686582	Mr.:0.11909440171705872	State:0.09018689681811025	Mayor:0.08744010675712653	in:0.08633955778210549	men:0.07099301644500132	Mr:0.07016410913090161	mortgage,:0.06880472481814905	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
city:0.19191111312101988	right:0.14553573973701678	men:0.11477670473895751	in:0.09495117636455952	North:0.09221678701471331	wife:0.09123508151811074	friends:0.09065238707498202	time:0.08508186639169973	north:0.08363914403894063	:0.01
of:0.25943817080076476	about:0.15525733591114493	and:0.13996797351496781	or:0.10358165156985566	for:0.09185194373218838	at:0.07368606040284305	to:0.07119589486799942	a:0.04764144065167802	than:0.04737952854855799	:0.01
and:0.33651200696739575	to:0.18561280114709738	of:0.08386717831522203	which:0.08237112197637284	re-:0.06907863865464145	that:0.066126456572214	for:0.05715061258578536	or:0.05589309360209148	not:0.053388090179179656	:0.01
at:0.2736105964136109	of:0.1806635740947798	to:0.17608420929394716	in:0.12326766119201565	and:0.07822248243463406	from:0.050130018734745284	with:0.04808123429974606	for:0.031428204394069584	by:0.028512019142451515	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
a:0.4287411984423431	the:0.24284375271535386	of:0.08257026465097338	and:0.05842979511584263	with:0.04928445493473254	The:0.04359052021934931	very:0.03361037080407593	so:0.02725040887299281	by:0.023679234244336548	:0.01
would:0.22980511667265655	to:0.17299540970927665	who:0.12482764014450815	they:0.1035530767531353	I:0.09251266344910343	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.055635813079984546	:0.01
he:0.23779116259874097	it:0.1423874192728929	and:0.13938385698609065	which:0.12136892724549826	who:0.10394056016266996	It:0.08725906579136473	He:0.05786062035005206	that:0.05276040576368247	they:0.04724798182900788	:0.01
is:0.24414522809560332	well:0.20312681843225824	be:0.1395493322425759	was:0.08593936342546316	not:0.07910460228104879	been:0.06807726227693138	are:0.0616780709051422	and:0.06120280740099837	have:0.04717651493997867	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
I:0.21531998169734332	who:0.13212487545517496	and:0.12667992089804825	we:0.11757456722808408	he:0.11755674097694692	it:0.09862724730554469	they:0.07727818195304799	which:0.06164243790512455	you:0.04319604658068519	:0.01
of:0.3819744924780211	on:0.12688766158147807	and:0.10570064672579753	to:0.07571566713192038	from:0.06896687579169444	in:0.0626390801598244	for:0.059931412789093544	by:0.05410342593392709	at:0.05408073740824353	:0.01
and:0.17500364824947054	is:0.1402727321146912	able:0.12356818149555629	not:0.11661373402109318	have:0.09433532846680512	order:0.09113468269541869	enough:0.08873686667098968	had:0.08057138389203317	was:0.07976344239394212	:0.01
in:0.2291796231230006	of:0.19894604768114812	to:0.12894122755459386	for:0.0981401666214376	with:0.0799494179447224	from:0.07786568636192283	by:0.07136739601410988	at:0.053415232000225306	In:0.052195202698839635	:0.01
pow-:0.2133587713313784	nev-:0.1825719280416908	oth-:0.16964742272657238	moth-:0.09271846926398263	oth­:0.08482871771780633	anoth-:0.08432167628527902	pow:0.06871550550790681	wheth-:0.04884780553872171	prop-:0.04498970358666182	:0.01
and:0.431131794726163	as:0.12828225984543234	the:0.08089558397421483	him.:0.07453729193118142	<s>:0.06806883936477305	it.:0.06459054197860709	that:0.06114425634135859	them.:0.045499133222828635	.:0.03585029861544117	:0.01
to:0.3278313615087625	of:0.18980364323686777	as:0.11499269125443524	with:0.1106211996957376	for:0.06913799505328923	upon:0.0657125575979191	tells:0.04258192467168854	and:0.03946043221164841	from:0.02985819476965173	:0.01
the:0.3059003130589779	in:0.2271197701817613	of:0.11744468364179908	a:0.11698523276518462	In:0.06083945966304753	and:0.05134978341910975	that:0.039128035379286524	an:0.03561882012839445	for:0.035613901762438865	:0.01
be:0.15922515511435362	was:0.14207793697422408	and:0.13842799376769035	the:0.10382843282146306	had:0.09686151016404441	has:0.08959109272006688	to:0.0871138071576565	he:0.08709205669795313	have:0.08578201458254792	:0.01
the:0.6977394256623825	of:0.07851307377977018	State:0.04282912087452237	at:0.03933239537576643	tho:0.033371101969208054	Lake:0.0290076778254614	National:0.025115348363815748	tbe:0.023178465534929946	The:0.020913390614143452	:0.01
her.:0.25119787592001874	<s>:0.2142669692726753	it.:0.1326014635929581	him.:0.09613761419204976	them.:0.0808475397517707	life.:0.05862595133429037	years.:0.05758376660528883	time.:0.05339870036277978	day.:0.045340118968168225	:0.01
was:0.27143700055634273	is:0.2125529966181908	and:0.11361857772732542	are:0.08205112953516054	of:0.07345502136406575	be:0.07065495393919224	were:0.06503615336365011	as:0.05416427851334184	much:0.04702988838273058	:0.01
I:0.21623072348169672	we:0.16777123601194352	they:0.12362096103881598	We:0.09602625993578803	will:0.08488548580878909	would:0.08343257151205331	who:0.0795945158415882	to:0.07788581964555237	you:0.0605524267237727	:0.01
the:0.7516228402097065	at:0.09196047064293453	The:0.06230600201797769	tho:0.025163780627961155	At:0.022328030410014587	a:0.011877913584526252	tbe:0.010505405698804045	his:0.009986104467623979	its:0.004249452340450998	:0.01
the:0.24532168858997558	and:0.16201373497773278	of:0.1480249964756765	to:0.09143878973251968	a:0.09134777440121443	is:0.07327943306749635	was:0.06763514483225813	be:0.06123111571734052	are:0.049707322205786164	:0.01
of:0.24095622101005232	the:0.175739177017654	and:0.1442987807662856	in:0.13674037881311335	his:0.08584430492500164	a:0.061582023436519195	to:0.05044325411634326	that:0.047522768776468195	this:0.04687309113856258	:0.01
will:0.3154466520894114	to:0.2264733793354384	would:0.12296289794452307	may:0.07579629236626322	should:0.0686246315292634	not:0.052475289978544296	shall:0.044997170583159996	must:0.04141487298976131	can:0.02417597625730297	could:0.017632836926331833	:0.01
he:0.22480229380192837	it:0.17485728277577847	they:0.12397626271710332	I:0.10874733808034656	that:0.0944115016573233	It:0.0934061924792438	we:0.05704965258936926	which:0.05692367062721336	and:0.055825805271693715	:0.01
the:0.4503990754649263	of:0.18083781866960355	a:0.14897493105151557	in:0.040944372197843894	The:0.04081850209003094	our:0.04058997886855958	and:0.0366608881868615	to:0.026302090204388538	for:0.024472343266270156	:0.01
of:0.5951568688745346	to:0.11832347747494426	by:0.05212401260695768	that:0.051545350017407274	in:0.047388042610404406	for:0.041628243479646256	and:0.03092296246503508	with:0.030685252742550524	at:0.022225789728520073	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.651905353640497	and:0.08505684509534249	will:0.07734174491232139	not:0.04608386031038296	would:0.0425383596444176	To:0.030470447502275826	can:0.022114929029733048	I:0.018057142122855755	who:0.01643131774217392	:0.01
city:0.14822362917769935	part:0.12666926887831928	State:0.11535755193956068	state:0.10799676255269045	Board:0.10794595169740186	day:0.1063839525909072	side:0.09966821445569861	line:0.09917006123925502	out:0.07858460746846758	:0.01
the:0.484571456402947	The:0.2525453099584327	a:0.0964304727930188	his:0.03190227104528988	that:0.027604479769750393	of:0.02735486281384008	A:0.0241913678857585	tho:0.022800666704257268	said:0.022599112626705223	:0.01
the:0.46466230818170506	court:0.1645367207016161	a:0.10096492421510497	dwelling:0.08363021148975537	of:0.04348745950779288	boarding:0.03560606321261629	tho:0.03506692139075075	school:0.03245754512416748	opera:0.02958784617649121	:0.01
and:0.19114058312161614	as:0.13314190948511093	is:0.12970788178474746	time:0.11468763052025993	enough:0.09818374179974257	able:0.08497172261901914	them:0.08363840144469313	him:0.07966558977274127	necessary:0.07486253945206933	:0.01
he:0.2534904853283936	I:0.203591527682902	they:0.0966632651135923	and:0.08940156142938738	He:0.0862491985047882	it:0.0776290225179411	she:0.07650371136168967	there:0.05594116149941378	who:0.050530066561891906	:0.01
the:0.3653794562175868	a:0.3542046433076454	Republican:0.06985284959044888	Democratic:0.06407419446246178	The:0.039413044121637326	A:0.0281819645704118	democratic:0.025288955502803283	tho:0.02433633397921859	one:0.019268558247786064	:0.01
the:0.7192580307577116	of:0.08882565777784387	in:0.05042512987399666	tho:0.030916673430369985	for:0.028266556150213704	his:0.020459040801072536	to:0.01961188162427677	and:0.017722471728030657	a:0.014514557856484348	:0.01
it:0.25091728095097887	It:0.1545492501183213	he:0.14927412853589558	I:0.137718843005753	and:0.08660406772396531	there:0.05683357065190528	which:0.05445538067971651	He:0.051990439956817326	she:0.047657038376647094	:0.01
the:0.3103279440235315	of:0.17413654868527798	and:0.16924373084989433	to:0.09410335785526062	a:0.08334285316950657	in:0.05267958019374887	be:0.03777522488732701	his:0.03486601099791866	or:0.033524749337534535	:0.01
of:0.3715111848481692	in:0.1621039785883567	to:0.10339170749355668	with:0.08487782708696823	from:0.07308810029247698	for:0.07167793605598162	at:0.04569737051938027	by:0.03921598099811428	and:0.038435914116996095	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.6502265465029018	The:0.14079565942135142	tho:0.04195780604434013	of:0.03781267703909568	and:0.03684749273299742	that:0.023827637106802576	stock:0.021436929916422584	this:0.01905539390603307	a:0.018039857330055392	:0.01
in:0.30886478311695337	of:0.22046205313658937	the:0.20811258072091707	In:0.06806372207359795	and:0.04822496445806472	by:0.04391377884060692	his:0.03303342965423836	an:0.03216876084009081	all:0.027155927158941388	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
of:0.410931132735847	to:0.12363286140947104	in:0.09654701169880535	by:0.06754995806087415	and:0.06599732598478976	that:0.06571057222679622	on:0.06125812784775176	with:0.057414135166623824	from:0.040958874869040734	:0.01
of:0.32455281647968703	in:0.15856132334858092	to:0.12595679319763742	and:0.09252387191260505	that:0.07125172440004095	In:0.06461245312825563	all:0.057115721320605696	with:0.05227087486434231	by:0.04315442134824503	:0.01
recorded:0.7778752829400574	corded:0.06349770618380074	<s>:0.06171690705410844	and:0.022536413148961074	Monday:0.016790415653524	situated:0.013966799609245377	filed:0.012121159827952421	held:0.010810413992293207	in:0.010684901590057382	:0.01
the:0.31302211489680676	of:0.22608387122590398	and:0.12066170521150994	to:0.07281760297796501	a:0.0706859507033874	with:0.05619873645068491	in:0.05362335485219546	by:0.041997697048104556	on:0.034908966633441924	:0.01
a:0.22977871738319416	the:0.1568339064571369	is:0.1287002955622306	no:0.09895122109431602	much:0.09865336145373033	or:0.07910178231657941	are:0.07142375081177997	and:0.07112860788033329	of:0.05542835704069929	:0.01
of:0.3489361130461534	in:0.1896419745510167	the:0.14836030776765413	to:0.07914598808145268	for:0.0582903818771575	a:0.04590094415406576	on:0.04395596776745911	and:0.0425231334114471	In:0.03324518934359356	:0.01
the:0.20055726533358112	of:0.16655601378340926	and:0.1416128771075266	to:0.12157105424998725	at:0.08920309278140327	a:0.08297771780906493	in:0.07266655013403321	.:0.07242727265760796	by:0.042428156143386325	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
a:0.23654331118216707	and:0.14999700745818326	the:0.13612044195793632	under-:0.12036646493027273	was:0.11809550346581726	his:0.06252806931446077	one:0.058211058722639195	of:0.055812113649833704	by:0.052326029318689515	:0.01
the:0.35704948455199803	and:0.19569839124732874	of:0.17066785543405627	The:0.11172442877965488	that:0.04277900599371835	these:0.03153273173181317	a:0.028047350814569483	or:0.027399312475863052	to:0.025101438970998136	:0.01
of:0.34166299291747493	between:0.11309780174543191	in:0.1008981158735088	and:0.09639690747029671	for:0.09224735079546785	to:0.0903077503282176	that:0.057808255926373994	on:0.04895381637658371	by:0.0486270085666445	:0.01
of:0.3045807371865482	to:0.1548406124937446	in:0.1490314664666351	for:0.0955073884481113	on:0.07869328443898094	at:0.06107371609570365	and:0.054562030485411854	from:0.051488396970657185	with:0.04022236741420716	:0.01
and:0.2558407790317296	to:0.19738288983652277	the:0.17706877017212086	of:0.15659508795237043	in:0.0514471153615884	a:0.045636122804683925	be:0.03939944127657055	or:0.03662950978881178	is:0.030000283775601728	:0.01
is:0.27895089347394464	was:0.1828479818298837	are:0.13445381363945924	ought:0.12584359622938077	and:0.06513450641913238	were:0.05719786316946085	do:0.053382213845106594	it:0.04754020861463743	Is:0.04464892277899437	:0.01
the:0.40392039082210984	Court:0.37090870539048204	White:0.07617139109961688	The:0.04727110772807788	Custom:0.025751562964296162	Opera:0.024076068000763434	tho:0.01515235452133445	this:0.013865002535459357	States:0.012883416937860048	:0.01
the:0.25227654780027603	of:0.21732518402554862	Mr.:0.1290161039921202	and:0.12041181834883626	that:0.07009549209853674	The:0.06690482309935276	in:0.04856544214800772	for:0.04324649951704062	as:0.04215808897028105	:0.01
;:0.2940202992774486	nothing:0.134598027042842	and:0.1108601415551093	it,:0.11051342075469887	him,:0.08083530931796674	is:0.07443123834590866	time,:0.06904583798638776	them,:0.06624892874297943	,:0.0494467969766586	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3049577682214297	and:0.16054966112476296	be:0.1285319459042435	to:0.11402156540057766	an:0.08300056714731653	a:0.05494111114758324	of:0.0539445099813702	was:0.05033759692214858	is:0.039715274150567526	:0.01
of:0.5075670862657435	in:0.13170187402781539	to:0.09195302205530925	for:0.061445997662866104	by:0.06066250686565145	the:0.04164372512882962	on:0.03822102399155659	In:0.03307858222561567	from:0.023726181776612412	:0.01
he:0.29759384126645533	I:0.14712822519614255	who:0.13357369841600397	they:0.09630194152462256	she:0.07780358321265955	and:0.07122033994947809	which:0.06282023249521906	He:0.05213221799963883	that:0.051425919939780025	:0.01
of:0.5378117216119066	in:0.10697017753948344	and:0.10660548291350756	to:0.04900194881970809	the:0.04570326829858478	from:0.043009264187005854	by:0.041381137279199634	Mr.:0.03338422216317345	In:0.026132777187430452	:0.01
deg.:0.27705973258802935	of:0.13378320385051382	.:0.12586941445633193	to:0.10710010236760063	deg:0.08510324936940736	Mr.:0.07572266753978636	degrees:0.06649541488123645	min.:0.05961328600873678	and:0.05925292893835724	:0.01
there:0.3065919082809156	There:0.20418168429788403	they:0.15783536111637483	who:0.07163664213804852	and:0.0613626171806071	which:0.060917864499152444	They:0.04868905131112108	that:0.04070001296391975	we:0.03808485821197644	:0.01
and:0.24715944158911993	depend:0.10115542297585235	based:0.10085046174861782	placed:0.09929781518962862	depends:0.09865819847804204	called:0.0967281156431388	down:0.08601932662424668	made:0.08525060516232963	effect:0.07488061258902408	:0.01
and:0.2023082953486701	known:0.14765077609780838	men:0.12777299748923882	out:0.10274423295538837	land:0.09599788021982551	him:0.09518698067078284	them:0.08895090744034777	people:0.06493664828216264	friends:0.06445128149577568	:0.01
of:0.34141085140595473	to:0.1340660903639559	in:0.09683007567613615	and:0.08749654156957451	on:0.07389148031448022	with:0.07010216626897983	by:0.06572510173410041	that:0.06086461626170888	from:0.05961307640510929	:0.01
and:0.19115583429945843	had:0.15053096399090296	have:0.1393207871445668	he:0.13707187739974505	has:0.13451524006945798	be:0.07974267932230908	I:0.07333037708481506	was:0.04287165952249948	which:0.04146058116624505	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
and:0.2943956623585088	he:0.13907702274077108	I:0.11438221200136307	have:0.10517122842017577	be:0.07629880767647247	the:0.06849242912289695	had:0.06632662110314153	was:0.06478714875186564	not:0.06106886782480484	:0.01
of:0.4100417275906819	to:0.13923361277386126	in:0.1078873855606073	and:0.08033580439217335	that:0.06684779878526195	with:0.05302311129119273	for:0.04636597687590189	from:0.04562216901371408	by:0.04064241371660545	:0.01
men:0.23646663375248655	time:0.12821176822129565	up:0.11907148463663786	hundred:0.11057591034174093	in:0.08985738013461514	out:0.079751703677174	and:0.07902933208811573	principal:0.07476526310774438	made:0.07227052404018985	:0.01
they:0.30591871123495296	who:0.14275529165715195	we:0.10751065151613083	which:0.10550012023048935	and:0.08756849928793338	They:0.08349436630256755	men:0.06700644469728984	I:0.04985637007748152	We:0.040389544996002565	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
up:0.172796184304116	and:0.1491253141464068	went:0.12155564381084617	go:0.10263680448531426	as:0.10169724424072724	them:0.08998028934408064	came:0.08845350315583098	back:0.08751265865894858	down:0.07624235785372936	:0.01
the:0.4634754953154552	The:0.09759956661753316	of:0.08887558917217693	this:0.07634265057839237	other:0.07584167482125194	in:0.052509459898068385	his:0.048748931422001464	these:0.048703972741523695	and:0.03790265943359681	:0.01
the:0.8506298265139544	tho:0.053400997143687345	The:0.03778403710745921	tbe:0.017589319807207425	of:0.0135989777091349	and:0.005573476628052523	a:0.004431265609805403	by:0.0035072089860530434	that:0.003484890494645598	:0.01
and:0.2895234282630789	that:0.15824401089052856	was:0.09065914951141588	be:0.08347141963161513	as:0.08077847374174836	placed:0.07560117637392505	it:0.07469826218847164	is:0.06856168726911974	them:0.0684623921300967	:0.01
to:0.3032412931975073	who:0.12098969008753625	would:0.09948233861718841	they:0.09318599308169585	we:0.08747037286427027	I:0.085582011990406	will:0.07114804868370254	you:0.06976912524566115	and:0.05913112623203219	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
is:0.2223922329619498	be:0.1949706344077781	as:0.15133131661074334	was:0.10983037038271722	so:0.09059159670236991	are:0.06341515708909767	Is:0.0493928152834832	and:0.0481421424553916	not:0.03037563047142889	were:0.02955810363504015	:0.01
to:0.34839209923721154	and:0.1993747330856363	in:0.07724965300663376	all:0.07339901113179799	of:0.07240268847674136	was:0.06185842291430572	not:0.0562600175255774	I:0.05602826357933747	be:0.04503511104275834	:0.01
the:0.2524863160635659	a:0.1784646116499591	of:0.15991705052688357	this:0.1205397775869491	his:0.08158301069842624	in:0.0660897346762283	to:0.061991964272672485	that:0.03452395444422139	last:0.034403580081093954	:0.01
the:0.31491071775478086	of:0.1819852063583867	and:0.15973818673718354	to:0.08210190978754724	a:0.07192616817774335	in:0.06102139026401743	Mr.:0.04626094925728953	that:0.0381259694073099	this:0.033929502255741435	:0.01
and:0.18112380917603338	is:0.14180779683345807	began:0.12812253812111396	able:0.10472341704505712	him:0.09146996026724456	go:0.0904838716473293	as:0.08894031098008867	was:0.08192724790627058	ready:0.08140104802340427	:0.01
of:0.306877237372942	<s>:0.16626693362378991	to:0.12089354700309994	him.:0.07862557570711987	it.:0.07175566360210174	that:0.06450635445503662	and:0.06359040022700001	in:0.06311358910914701	years.:0.05437069889976296	:0.01
A.:0.5679953174802194	J.:0.09448264364916195	.:0.08194067157216689	John:0.06821949025132715	W.:0.05809747636514094	C.:0.033638778711475546	Washington,:0.030963117027191695	E.:0.02733767823048552	H.:0.027324826712831006	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.24441897383876565	of:0.1803266416036052	and:0.1711823265878956	a:0.11248172269026223	to:0.09682978540294508	at:0.06257738271421678	in:0.04661311955048604	on:0.04375634066255626	was:0.03181370694926707	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
the:0.4602987176008522	a:0.1275642334995347	of:0.11622700345035819	and:0.09517941306695549	in:0.05200259545726663	two:0.040852197153504695	or:0.036408158198630886	The:0.03397698429046535	tho:0.027490697282431944	:0.01
New:0.25173988059506086	of:0.19186254862671412	the:0.17939490754290427	in:0.11243260663362849	and:0.07284776897081274	a:0.06908743672533373	his:0.043305120720518814	dis-:0.036056123416467245	to:0.0332736067685596	:0.01
and:0.28283006595013704	as:0.24058871319893965	way:0.09815234928757723	time:0.0689394329580279	is:0.06356306283520903	said:0.06219347384056149	referred:0.06040618184921314	subject:0.05775867631159915	him:0.05556804376873534	:0.01
the:0.3222700586422684	of:0.1974830349703252	and:0.14821900911444638	Mr.:0.0814022366829615	a:0.07018330339807602	to:0.052117954772225555	The:0.04496263648487065	.:0.03895710737577016	by:0.034404658559055994	:0.01
at:0.4071941544940614	to:0.11975366662258631	No.:0.11680045554023341	of:0.11276482791271177	and:0.10043906145736639	a:0.03822434690447634	from:0.0354426073173058	.:0.03238701037476911	by:0.026993869376489656	:0.01
of:0.3896076371786717	in:0.18939908451640905	to:0.0688152118717865	for:0.06591217614556392	and:0.06538928134776033	from:0.06429567328801432	upon:0.04965734544088957	that:0.048763922078350716	on:0.04815966813255391	:0.01
has:0.4745054533519318	had:0.20445083724438548	have:0.18423964817940608	lias:0.03334636073725766	and:0.02525774923892389	having:0.020436677879858135	he:0.017570771753819957	which:0.015355406092462042	who:0.014837095521955126	:0.01
as:0.5328287653816642	and:0.1166670251372016	is:0.05809030948953038	seems:0.053368211374970324	not:0.05318297538695392	seemed:0.04997763531961193	it:0.04646139630126229	come:0.04104685015196317	referred:0.038376831456842175	:0.01
<s>:0.40298822101927345	it.:0.15019665721834255	them.:0.10138047245806314	him.:0.08481685983304697	us.:0.065649801819485	day.:0.06174770189365093	time.:0.04306406560718783	way.:0.04044630546248387	and:0.03970991468846633	:0.01
the:0.4758972305018486	The:0.14802028319777277	few:0.09437787460879402	these:0.07002853094381298	no:0.047304336830774445	a:0.04552086618380804	two:0.04012824215443485	other:0.03451841017572248	of:0.03420422540303186	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.35177053508506795	of:0.15110033151656144	a:0.10428506204079356	and:0.10242565717866879	to:0.0902160800805959	that:0.05648203536026361	for:0.04627729372379286	by:0.045948975998630855	at:0.04149402901562493	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.0920144699599962	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
of:0.42691376662107355	to:0.17733134492601924	in:0.08719676990091789	by:0.06836009569985094	that:0.06305564013352824	and:0.0630494485593937	In:0.0357568569078937	from:0.034738246160098796	for:0.03359783109122406	:0.01
was:0.19212253721377026	not:0.15436640119769454	and:0.13700595366409887	is:0.13588653214645768	to:0.08619249947164129	are:0.07909606770737837	be:0.07693746910725004	were:0.07148566846226696	been:0.05690687102944193	:0.01
of:0.2314787866626774	in:0.1635415441364617	at:0.13623310511628933	to:0.12475822205396489	and:0.08174569600768211	on:0.07648236697015053	In:0.06384841914428711	At:0.062453483901137044	with:0.04945837600734988	:0.01
of:0.36779145763843385	in:0.3245149236083049	to:0.08788831466271627	In:0.055501933656837636	for:0.03760282146542328	by:0.035004494571549964	from:0.03094759854248378	that:0.027064749623654176	and:0.02368370623059618	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
with:0.18862366244226825	of:0.17825504328253072	the:0.17379549097689215	and:0.1672703499330958	an:0.10403317103249587	their:0.05092872009920956	no:0.05056565174762099	any:0.04156184047225774	as:0.03496607001362896	:0.01
<s>:0.2432340716315988	manner:0.20267801230181048	and:0.1417229539143313	that:0.1338482430318706	land:0.06161956135523471	way:0.05417295900322747	money:0.053664506749487695	it:0.050378853934538864	work:0.04868083807790007	:0.01
the:0.7810534624086233	and:0.05242929719154762	The:0.03649877925143227	tho:0.030613616902426928	a:0.024346439575946028	permanent:0.019381042898497063	of:0.016727295666181866	or:0.014841845492347341	in:0.014108220612997407	:0.01
they:0.21454261398464153	I:0.18418724016223295	he:0.14136900210394712	who:0.10099069812430601	and:0.08985137530023778	we:0.08627257946715562	They:0.07252968108892184	there:0.05288058386798575	men:0.04737622590057147	:0.01
have:0.2866836314102675	had:0.20627856992217614	be:0.11525144048429865	has:0.10199057401562008	was:0.07062738666104279	he:0.06690587983114543	I:0.052279239255574025	been:0.047728190829164394	and:0.042255087590710914	:0.01
the:0.29126739091831977	a:0.21455383594395813	of:0.12212204888699667	and:0.10684926126984036	to:0.09639537678382364	in:0.06742284382232391	his:0.03929578317890254	with:0.026303390507833424	an:0.025790068688001436	:0.01
to:0.4249988241166681	the:0.17612204570644646	and:0.09568977286279437	not:0.07463256676428806	this:0.05544011084215679	in:0.042834270591140644	of:0.04095557243056981	will:0.0399975969874491	may:0.03932923969848659	:0.01
<s>:0.470312325538474	it.:0.11480385688481831	them.:0.09451255181312528	us.:0.07915547886594569	day.:0.0555544438859569	him.:0.04726871857100546	years.:0.04403223527592201	country.:0.04253161981051915	and:0.04182876935423328	:0.01
lots:0.38615324454066297	from:0.12259463823301398	at:0.09799929881095117	Lots:0.09569897411435487	No.:0.09252233321228061	and:0.0696950561595611	an:0.04478006157001974	of:0.04133573297342906	the:0.03922066038572651	:0.01
the:0.24789013567245427	of:0.20525870853165343	in:0.18062180272540249	and:0.10844113882728146	to:0.07006310286568784	for:0.06762548465017977	In:0.04223132089374646	a:0.03577047073226391	by:0.032097835101330366	:0.01
and:0.24197254850738883	was:0.18517695980152976	is:0.12785297427010228	be:0.09062939673082937	been:0.08443174394332735	made:0.06619026347374436	are:0.065577465544376	that:0.06424441688522377	not:0.06392423084347836	:0.01
the:0.5799083563762231	of:0.14801519087831988	and:0.07159073985953471	The:0.05111649305017962	tho:0.044026822904246844	no:0.028212005337926345	their:0.022979070429521586	a:0.02208211294268312	by:0.022069208221364666	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.28497649448846474	and:0.1514823575156436	to:0.13099486172294514	a:0.11430273190651027	of:0.10696486710509166	be:0.0649188191707342	his:0.04813099987403198	was:0.045973956544127566	The:0.042254911672450726	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.24954512758863096	laid:0.11709643390487569	put:0.10735478422331621	sat:0.09574339663387303	went:0.0953730036919956	came:0.08943783002270857	it:0.08564877328933922	lay:0.0786320792563573	come:0.07116857138890348	:0.01
the:0.4471872982084095	of:0.2140244386305663	and:0.1353687331038182	in:0.048522362032592734	The:0.043319910017818555	with:0.030289025394683113	tho:0.028300048512097362	by:0.02171517462486536	as:0.021273009475148756	:0.01
and:0.16067889151285714	him:0.13327813456292695	is:0.12622768128638254	not:0.10584474199181629	was:0.10373570883811183	them:0.09277223501146786	have:0.09264847699279793	had:0.08897066898909474	as:0.08584346081454464	:0.01
and:0.2804797223551038	of:0.23914218460718858	for:0.09183079804560504	on:0.08749154211142472	in:0.07916336007492365	to:0.07057030687911013	that:0.05826309301618483	from:0.04289824967936788	by:0.04016074323109133	:0.01
and:0.17476297299844248	as:0.17142871622668848	time:0.10099176638962852	necessary:0.09923823115167675	enough:0.09921215783492468	is:0.09144976994937098	order:0.09099634548518504	able:0.09021420580340864	them:0.07170583416067436	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.2582336437677796	It:0.20670742665108433	it:0.15442800711542498	that:0.10545689063393705	which:0.091966481400863	he:0.053131429194002294	is:0.04813900986628642	<s>:0.04261588960731456	but:0.029321221763307898	:0.01
be:0.24370552954591657	was:0.2031347537615459	is:0.10956828577861126	been:0.09339832664083114	and:0.08491050297238151	are:0.083733695264784	were:0.08220035012292032	he:0.06121554754247507	being:0.02813300837053426	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
the:0.7879508689857606	a:0.0806597734831582	The:0.03406218947075002	tho:0.025194911081416905	any:0.016437865449660943	this:0.016057067125550405	tbe:0.011150726168411396	first:0.009571554425098853	high:0.008915043810192685	:0.01
he:0.24558159464574006	it:0.1346902659801703	and:0.12888937022936778	who:0.10415311788533499	which:0.09180721069959837	It:0.0820753654803959	He:0.07488835498221709	that:0.07271329411885812	she:0.05520142597831738	:0.01
and:0.15833238262337954	has:0.1404274949181407	of:0.11546190106428911	which:0.11463858861398656	the:0.11226344523761252	have:0.10406134987920747	had:0.08585526397367636	to:0.0850805505630115	as:0.07387902312669617	:0.01
and:0.3078138062903019	of:0.28041897594036835	the:0.13674516005629214	to:0.06904974825190589	in:0.04842602115171502	for:0.04331783491139589	that:0.037517027461103594	by:0.033398684848143734	with:0.03331274108877341	:0.01
the:0.33628483786917873	of:0.23071078134415174	in:0.1322504618059144	and:0.08328868594798386	to:0.048829958640741154	a:0.04375761883315188	that:0.03972015784618147	In:0.03939258034515705	for:0.035764917367539686	:0.01
the:0.21989676768100663	of:0.15087642019255582	and:0.13946771304087177	a:0.12340322864126257	to:0.10508493964911432	in:0.07488170861247744	by:0.06562294210061673	at:0.05546145076890823	for:0.05530482931318662	:0.01
hereby:0.18483024673944382	be:0.1792641862641662	was:0.16222401577866666	and:0.12075289400839069	is:0.09577925972708426	been:0.08567688623253417	duly:0.06223068741439212	as:0.050267710043354466	were:0.04897411379196763	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
the:0.562379458874106	of:0.08999557212590012	this:0.08201558013806513	any:0.0724979668747973	a:0.05470083063687398	and:0.046620829978647145	said:0.0314807438416662	County,:0.026910508831440572	tho:0.023398508698503476	:0.01
day:0.2422361860190511	out:0.21293776716009782	side:0.10122347068197048	number:0.09961813938615142	means:0.09076557976779964	point:0.0723065029995503	one:0.05804749297864338	place:0.05742472206711807	purpose:0.0554401389396178	:0.01
the:0.3596542557972894	of:0.18498441043447886	a:0.13065320793192983	this:0.07638686778147899	in:0.06711096714377071	his:0.0532662387027016	on:0.04575132973600471	by:0.0398555557410437	and:0.03233716673130216	:0.01
and:0.30813827370948377	said:0.1730589697868629	fact:0.11175374042727586	stated:0.09076470050424858	so:0.07733344451894186	him:0.06626454011197735	know:0.06377304208821113	say:0.049787186448953615	is:0.04912610240404502	:0.01
the:0.4490425725220044	an:0.12806515427940424	years:0.11595745568143843	of:0.11417740715837334	his:0.051685305628388585	good:0.04172279799839892	their:0.033046995164122676	very:0.028874104526997593	tho:0.027428207040871774	:0.01
of:0.22237911912999406	and:0.1618127928065751	to:0.13354184861392987	that:0.1332144485828309	by:0.11746192411118825	<s>:0.07241423104374234	as:0.05598190397702521	with:0.054345799704529636	which:0.03884793203018457	:0.01
be:0.22597535338754082	was:0.22022621232109554	been:0.1465018532603573	is:0.08372127547808164	were:0.08311063655168735	and:0.06966620745111651	Action:0.06481215720668473	are:0.05603497983203548	being:0.03995132451140055	:0.01
and:0.15304335461526197	according:0.1364695383118125	as:0.11920819240258229	up:0.11644212259127792	went:0.11501525471929645	go:0.09906470508142663	down:0.09789065813610792	subject:0.07840861504131418	back:0.07445755910092022	:0.01
and:0.24438628038432214	about:0.21809618564898697	or:0.1584281902630872	than:0.08000035743288576	of:0.07924661141679228	least:0.06650901410821598	west:0.051260327651099925	hundred:0.04906392370158599	east:0.04300910939302383	:0.01
it:0.2399946908430043	he:0.18150981905114968	It:0.15112083582377553	I:0.10822156604991165	which:0.09039778903891539	and:0.06957410567857708	He:0.05688317211494139	who:0.049361704414037276	that:0.04293631698568771	:0.01
the:0.28911769851370467	of:0.15034482710262848	and:0.14727364343021293	a:0.12256378698685642	to:0.11180388212332248	be:0.05566769946958989	was:0.044440704312762515	or:0.03660687066406267	is:0.032180887396860036	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.32534569999780194	a:0.15732134094722702	of:0.13573906799532967	and:0.09793857502831448	in:0.06459896144040898	Mr.:0.06121873015658147	to:0.05914317356437506	The:0.0540259115402339	his:0.03466853932972756	:0.01
the:0.32181154692106123	of:0.20378649160780385	and:0.10492310675068146	a:0.09050857500945005	to:0.07783353410479871	be:0.05970699422933953	was:0.046829291881653155	his:0.044667434619546836	in:0.0399330248756651	:0.01
be:0.1635603560502015	and:0.14865348459682107	never:0.11364002327576822	he:0.10841046594132932	have:0.10714437172794158	I:0.09341307036000598	was:0.09068545958519476	is:0.08937147025760608	they:0.07512129820513147	:0.01
is:0.2621660171069832	and:0.17115498006409013	was:0.16635879700093317	have:0.08576262754267881	had:0.07729937430580197	that:0.0641686866094928	do:0.06031757677249163	say:0.05184509583971008	Is:0.05092684475781829	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
<s>:0.24191235194605046	it.:0.20963470429267225	him.:0.13123885372519764	them.:0.12959190509785198	time.:0.06401975011538254	day.:0.05767843813031488	.:0.0556390685615713	again.:0.05159125462591677	all.:0.048693673505042195	:0.01
the:0.3070239572541062	of:0.18772239122842635	and:0.1499383351913182	a:0.09153696892611282	was:0.06344660978465153	Mr.:0.04848745053397374	to:0.048231731560606284	that:0.04689904336577919	The:0.04671351215502567	:0.01
<s>:0.24265983726265733	and:0.23596391156236765	of:0.11849159275850041	to:0.11670037794239943	for:0.0712915304578513	them.:0.05935131021167866	it.:0.04972816326624391	in:0.04923565196649455	the:0.046577624571806746	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.30196488072199884	in:0.15523777631454982	to:0.12221199973869216	for:0.08959336612765921	and:0.08381228157860553	on:0.06105932437612953	with:0.060228299169895104	that:0.0589616968023546	by:0.056930375170115156	:0.01
be:0.22337968405977043	have:0.15951028806848813	and:0.1518093277049046	was:0.10978465896482452	had:0.07763747990846322	been:0.07153613073601273	he:0.071527118707233	has:0.06968990375094701	were:0.055125408099356246	:0.01
W:0.14910773017956414	M:0.12276990578542449	J:0.12075148222724486	C:0.11156552709985228	S:0.10363588713123016	E:0.10247688778446311	A:0.09710894198133282	H:0.09413683549342977	B:0.08844680231745826	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.32414272374648134	of:0.32159591802128085	and:0.15336505647012286	a:0.045734877199819515	in:0.041844500567163136	for:0.031159638302324152	The:0.026512585273372254	with:0.023908222002105996	to:0.02173647841732984	:0.01
is:0.27212913706152536	be:0.22180420011581678	was:0.13972681771549342	are:0.10198436177287008	amount:0.09810327307126303	Is:0.04116327595689332	now:0.04080088644431276	been:0.04007277071992237	were:0.03421527714190289	:0.01
a:0.6303497111825845	the:0.12460526851428987	in:0.05036348979653438	his:0.04616517627891155	and:0.037048554539643425	very:0.0320008260393646	of:0.029226417371119244	most:0.02568219654631218	its:0.014558359731240242	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
for:0.211621957712013	about:0.14132988283261716	of:0.1356523603248829	than:0.11734906209350109	past:0.10257786824500305	or:0.08333764486418678	and:0.07998342512333562	the:0.06334259427883236	last:0.054805204525627975	:0.01
be:0.2680204800206446	was:0.2534701343428093	is:0.1267188389837492	were:0.06965647414023517	been:0.06388230353443164	he:0.06226014666713446	and:0.05631137119678938	are:0.05267485160156702	being:0.03700539951263917	:0.01
and:0.23423711901910807	have:0.1794585892566487	had:0.13228662797779023	I:0.12437209695323533	has:0.08318377322912666	he:0.07447831274249972	they:0.05539421129070069	never:0.053800761426144705	it:0.05278850810474588	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
he:0.23121404532058468	it:0.21516344784232738	they:0.13270572375260759	It:0.11860374360144835	I:0.0860627738032671	that:0.05422878703492139	we:0.05210788688105833	who:0.05089663672489061	she:0.04901695503889457	:0.01
the:0.4126728260848344	of:0.13736714993136673	and:0.11138423959057885	a:0.09926620310551769	for:0.0679649123904061	The:0.05999230225992497	their:0.03617998081952531	to:0.034281783775091924	by:0.03089060204275394	:0.01
the:0.4915958151662624	The:0.18383269019083312	Mr.:0.06948949385984239	and:0.05697278670677822	Daily:0.04929845905220689	his:0.03666091048795786	Newport:0.035675856265593824	of:0.0332701383352548	said:0.03320384993527053	:0.01
the:0.591561674877563	a:0.11864087632985143	and:0.07441851175382648	tho:0.05088289731308751	of:0.037300554629787194	The:0.035725194173811266	tbe:0.02949274487163324	in:0.026161659592473407	or:0.025815886457966546	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.2660094728065014	the:0.15400242980691745	a:0.1503639661161186	and:0.10662744160291708	to:0.09726994931468051	for:0.07506935240385613	in:0.06126289852292025	with:0.04296914650296593	or:0.03642534292312288	:0.01
to:0.5175652976597375	had:0.1067303687209588	will:0.10593636248738456	have:0.054848316188287775	not:0.04875322916482081	has:0.04794727377503952	and:0.045026970381288986	would:0.036797901626505355	I:0.02639427999597678	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
the:0.2416017667705301	of:0.2022661037777166	and:0.1350942893126516	to:0.09513360050382096	be:0.09499129868165447	a:0.08013368191360808	in:0.05173823028877439	was:0.0459699280117903	is:0.043071100739453604	:0.01
of:0.4350691121933086	in:0.17590693507051808	to:0.10103820455278756	In:0.05410244356178705	that:0.04894784282719977	for:0.04796761694587244	by:0.04368040144683445	and:0.04226712549192657	on:0.0410203179097653	:0.01
the:0.2041355130088824	and:0.17200019093224744	to:0.12021710897250742	of:0.11880937990450612	a:0.10603452764478562	in:0.09112381700078799	was:0.07192903843849023	be:0.059073017055486454	his:0.04667740704230638	:0.01
p.:0.4168433137063012	a.:0.2814215949685153	of:0.06660061666698014	p:0.05476883611938005	.:0.04659422942624571	at:0.036920976178073855	by:0.03503305665788124	the:0.028001302543143407	said:0.023816073733479222	:0.01
of:0.41665786084292306	the:0.2964067463793372	and:0.06728856315102806	for:0.04314674492210568	The:0.040054539884279344	such:0.03617594357372006	other:0.03546284163357222	a:0.028364495799543702	all:0.026442263813490734	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.21261695365817113	a:0.1557121640338697	of:0.15466808479342162	and:0.1287950623914569	to:0.11924875661746612	no:0.060595585029086546	in:0.055379724671559	at:0.053641655548444855	not:0.04934201325652418	:0.01
of:0.42761066578179435	in:0.10703428593808248	for:0.09287089661608461	and:0.06903313761988508	that:0.06812056952392756	to:0.06674936586728082	with:0.05867514080831101	all:0.056202171922885534	from:0.04370376592174869	:0.01
to:0.766873547245556	will:0.0674380206188005	and:0.04485075146552108	not:0.040079633011679244	would:0.031981820585857273	can:0.013500978330623085	could:0.009497353468023493	To:0.009054400102666938	of:0.006723495171272303	:0.01
thence:0.49022811727962834	and:0.07730986686536241	east:0.07314819428316423	two:0.06639441061003123	feet:0.0641841344037352	north:0.06209818017835714	west:0.060722983598890105	all:0.05001950952794796	south:0.04589460325288345	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
;:0.24734716710768542	is:0.16505417006613318	nothing:0.14127455602640132	are:0.08922362211074741	to:0.08313867634735318	and:0.07967508462356734	was:0.06191091290677054	cannot:0.061889924065465056	it,:0.06048588674587661	:0.01
the:0.5401188000859319	in:0.09080616317327965	of:0.07564618917679186	and:0.06694810919848022	his:0.05174808131375286	an:0.04594679941023179	a:0.0414205986514231	The:0.041321714900807716	tho:0.03604354408930068	:0.01
no:0.24614113041489116	a:0.1756443234250405	and:0.09951586031163127	or:0.09869280378348412	much:0.09273257462559133	the:0.08670396407921298	is:0.08541498878611027	any:0.05585026308809456	not:0.0493040914859437	:0.01
or:0.23871577851306405	for:0.1705715668935705	of:0.12887349104483262	and:0.10673270846520719	the:0.09461291646633674	about:0.09190470281769639	in:0.06054412714080601	at:0.05434990173658074	a:0.043694806921905756	:0.01
a:0.5378640342482929	of:0.1642236590911788	the:0.06524419732383643	with:0.05384399760236418	and:0.041116714971730056	make:0.033994772316955184	A:0.03325630344776478	as:0.031537118923850235	in:0.02891920207402738	:0.01
the:0.29972195682539465	of:0.1860315204023243	and:0.12877635076785074	a:0.0997926702871424	to:0.09520497871756131	was:0.05071019019452514	be:0.04947373454735675	in:0.04018803430108381	is:0.040100563956760926	:0.01
accrue:0.28174159961857087	and:0.20270400214573528	called:0.09490952722364433	made:0.09084275035925356	effect:0.07546409321342802	look:0.06828916166402717	depend:0.06802970588791298	that:0.056966057638427055	imposed:0.05105310224900057	:0.01
the:0.23319169059287936	and:0.1833575103809451	of:0.13793801642829667	to:0.13635929664722948	a:0.08226783639099618	Havre:0.06034656242465354	said:0.05733614593852586	crepe:0.05362386907646611	an:0.04557907212000761	:0.01
of:0.4021353298326501	to:0.1127150790041469	in:0.09816347443588129	and:0.09274747849031245	that:0.09098495425462869	for:0.05812494790649899	by:0.05441007348103826	as:0.04536573193515297	with:0.03535293065969037	:0.01
and:0.3732620996315799	demand:0.11377803099790945	candidate:0.08740061018207658	but:0.07469693538000469	time:0.07185036102335093	it:0.07143945648483019	that:0.07068132758986262	used:0.06965600916743306	vote:0.05723516954295262	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
time:0.17991184182112435	more:0.16841500408840662	in:0.11249376766689069	men:0.10064061182944671	man:0.09954792486066662	him:0.09096038710053111	out:0.08926009933493634	large:0.07452393840942785	it:0.0742464248885697	:0.01
the:0.24219712417569814	a:0.23653659378565203	last:0.1730521223595181	this:0.09401443758197191	one:0.06285149793529862	next:0.05953423091098246	every:0.04924254045952218	per:0.04671636689606796	each:0.025855085895288663	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.2569871267911597	of:0.20695604623375866	for:0.18587160261500782	and:0.10481078936245376	in:0.06681384369855772	a:0.06128255519845906	to:0.051449631187026945	all:0.03232655684638737	by:0.02350184806718893	:0.01
the:0.3331925550671004	of:0.2332480466534416	and:0.12395923476969917	a:0.07928370184843045	Mr.:0.05736952256192119	to:0.04770976412706071	The:0.04417668138726264	in:0.04189710404630304	that:0.029163389538780702	:0.01
is:0.21192121046816265	have:0.1632188206820735	had:0.14961903888459446	was:0.1030679846162458	has:0.09368851590127052	that:0.09023847836297288	and:0.07879112786008677	be:0.05940862590773796	made:0.040046197316855395	:0.01
the:0.20404224840329352	of:0.18572913733553034	to:0.16692112390241942	in:0.11484676151434477	at:0.10023992905495455	a:0.07496806490117211	on:0.0580236725784108	and:0.057312361662761546	that:0.027916700647112984	:0.01
of:0.32170992045022845	and:0.13608886527890615	to:0.12498894290379664	that:0.07452751037725572	in:0.07060774010569162	with:0.06936387400598172	for:0.06651616594836998	all:0.06592663004770398	is:0.06027035088206577	:0.01
<s>:0.5095466441011849	it.:0.13472945458857682	them.:0.07756044180246817	us.:0.05966500720613077	country.:0.046458626926390294	day.:0.04223756754738886	and:0.04172326197522465	time.:0.03908132652780986	him.:0.03899766932482573	:0.01
of:0.41901391777252217	in:0.1377139010818591	to:0.10489153748585982	for:0.07134911687648272	and:0.06354188813142343	by:0.05705447061118624	that:0.052138792536290654	on:0.04563305439327536	with:0.038663321111100345	:0.01
the:0.3222700586422684	of:0.1974830349703252	and:0.14821900911444638	Mr.:0.0814022366829615	a:0.07018330339807602	to:0.052117954772225555	The:0.04496263648487065	.:0.03895710737577016	by:0.034404658559055994	:0.01
the:0.19973673748319962	south:0.18702779361968208	north:0.15982485632839313	east:0.14416008078002449	west:0.1271368694625307	one:0.06117723817628734	other:0.050782521233723094	either:0.03197613557020537	a:0.028177767345954213	:0.01
of:0.3562738018711837	to:0.1304020818054795	in:0.11885645482945208	at:0.08567337431685904	on:0.075250932073817	and:0.06023811169844822	by:0.06008680244410473	for:0.053671529281075096	with:0.049546911679580675	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
in:0.17716527029683388	and:0.1424706769959705	for:0.12588358528678734	of:0.12010880453423659	was:0.11940654860721257	is:0.10368911283881141	to:0.07944444188555404	with:0.06501782257451191	In:0.05681373698008174	:0.01
of:0.2693987552011668	and:0.16054144849271187	that:0.12640098080453094	if:0.12555254510033534	any:0.07792726467509671	If:0.07007773723955557	for:0.056973920158344245	all:0.05178497054209919	to:0.051342377786159396	:0.01
the:0.39329217456413584	and:0.165060369186459	a:0.12995381884077825	of:0.11416647118324465	to:0.07779456385493934	in:0.03151191310344598	that:0.027706905168287395	The:0.026330043431478913	be-:0.024183740667230523	:0.01
and:0.2513016086153481	the:0.1869474294095364	a:0.14697692776124677	to:0.10652915615249775	his:0.06644465050676175	I:0.0623037789123906	her:0.0588283802118496	he:0.0584970874718291	one:0.052170980958540024	:0.01
the:0.39755094818337566	of:0.29902840304099315	on:0.13174564163186628	in:0.06805482136739198	and:0.027230518906773565	for:0.01884012879056423	tho:0.01754329616461438	with:0.015073451804969107	this:0.014932790109451815	:0.01
to:0.5559121431642474	will:0.11524893740858676	would:0.07850012494066556	not:0.05671076248820122	can:0.05584160949287774	and:0.03502309100082518	I:0.03290466388535505	may:0.032498468817026754	could:0.027360198802214224	:0.01
the:0.24836841643730184	and:0.2185400483637631	of:0.21644678758664898	a:0.08761705315187467	to:0.051374677167438966	that:0.05064273866173673	or:0.04477141837464553	in:0.03696338823591551	be:0.03527547202067468	:0.01
on:0.22158843472542422	of:0.19732415213539586	in:0.1557196518942194	to:0.13419286205966252	at:0.08923968185582488	from:0.06482011227486109	for:0.04641206616211174	In:0.04427771828093374	and:0.036425320611566565	:0.01
away:0.22316988789319092	and:0.1713348901051781	taken:0.13159930092647462	come:0.09739936354306479	came:0.09137140243059302	him:0.07811066196838663	them:0.07711542316245522	it:0.06473175198344687	received:0.05516731798720978	:0.01
and:0.16698146172987727	to:0.15728230301477966	that:0.13908943993487738	will:0.13541465682804538	would:0.11972156308277337	which:0.0979955233827294	when:0.0627836923132041	but:0.06035394003712347	should:0.050377419676589874	:0.01
and:0.15212475577172294	of:0.1452342523622864	the:0.1384738984958323	a:0.12874249684278968	be:0.11708914670066721	is:0.09493630434839773	much:0.07811791121083894	was:0.07046359356099677	to:0.06481764070646807	:0.01
is:0.40622250400598653	are:0.33950637824457097	Is:0.06179781622777579	was:0.05293424472908069	and:0.04733958099290083	am:0.02290387230894194	be:0.02289169107832522	were:0.020682666391185437	has:0.015721246021232618	:0.01
and:0.18131867253431286	is:0.1781912976520085	so:0.15395847718747482	are:0.12188869200888426	too:0.08743376503831773	was:0.07606475990585294	have:0.06963675334952833	very:0.06235987416138825	a:0.05914770816223233	:0.01
be:0.16397490470439308	was:0.13351459846889696	have:0.1286428148973121	he:0.12029101246615098	so:0.11988121386235553	has:0.0899840485549446	had:0.08079544667011684	is:0.08033890791665718	I:0.07257705245917281	:0.01
city:0.13181133071520026	hundred:0.11779847607910442	State:0.11210818340587277	1:0.11079638444047692	John:0.11015359262230333	;:0.10920168567418849	men:0.10058158497668716	wife:0.09991050405343536	gold:0.09763825803273118	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.5203735630458447	and:0.13293458323384938	a:0.07547994028137857	not:0.06817267370345559	we:0.054739621374983054	will:0.03940288879694971	I:0.03580219558145978	would:0.03231685925146717	they:0.030777674730611878	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
Mr.:0.25470896483418504	Mrs.:0.1815937012017557	.:0.1287225008573943	and:0.11711596661848482	o'clock:0.0712453156058902	C.:0.07109175574560278	John:0.06115621761967169	Dr.:0.05727433087457308	of:0.04709124664244251	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
and:0.24307621089542836	well:0.14710632921880226	so:0.1199701181794495	far:0.09184826917599967	long:0.0910662438054964	soon:0.08253286251464609	just:0.08047613827194623	much:0.07158273589033426	but:0.06234109204789727	:0.01
to:0.4779390443556127	for:0.11057033406384671	of:0.11053512757163131	and:0.0661631830789779	in:0.06386565084961246	as:0.04094274018440316	can:0.040638843471444065	not:0.040393601613941364	with:0.038951474810530275	:0.01
a:0.24823620391141976	the:0.20524713229624847	to:0.10095091894245764	and:0.10006692605194556	his:0.09940373276202948	of:0.08144271695312587	I:0.06846907766795561	her:0.05068827446613866	my:0.0354950169486788	:0.01
and:0.20420805180462218	men:0.17331490293210322	I:0.11866712136368335	you:0.10081795477984595	that:0.09025651880723438	he:0.08007762269567355	man:0.07594720639222875	we:0.07464745742365982	so:0.07206316380094882	:0.01
the:0.5886204967719451	of:0.1436243430252588	and:0.0635882453644377	a:0.036807283205074794	The:0.03676058419073452	his:0.034846563192802125	tho:0.03408582164074601	to:0.02601712372827747	their:0.025649538880723407	:0.01
of:0.2626878172785636	and:0.223181897789612	Mr.:0.10596980368601218	Mrs.:0.09555866569461545	to:0.09179039220758411	by:0.08640468728013309	that:0.05330360435116901	said:0.03665657516967732	with:0.03444655654263315	:0.01
and:0.28083437919785825	is:0.12204719688591117	was:0.10398937597827038	feet:0.09704743339408052	that:0.08783741432948049	as:0.08017609877827961	be:0.07737098772660912	it:0.07523731649532424	recorded:0.06545979721418622	:0.01
of:0.19205258864119779	and:0.12414488027430824	-:0.1229821135763578	re-:0.11962640809552107	.:0.10901238870148941	the:0.09979417010163473	a:0.08675226929711957	<s>:0.0820155903781663	to:0.053619590934205125	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.28668609593550387	of:0.2812232298528071	Of:0.1137978465820682	a:0.0785022243259787	his:0.06456313224160037	this:0.050497701139443844	their:0.04913622785351775	in:0.04360888709877574	no:0.021984654970304583	:0.01
per-:0.5477393490413962	per­:0.1937875187845727	per¬:0.14591431704192012	a:0.02159516113467244	the:0.019729120703829497	his:0.019170616378318028	de-:0.015696341330608713	more:0.013902381989023447	their:0.01246519359565875	:0.01
virtue:0.21738001102627372	out:0.18977337920912904	part:0.11522775944009786	one:0.10400846177203443	quarter:0.09462884564091131	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
and:0.32353672944875006	so:0.12081753935769445	fact:0.11746284204523065	said:0.10730377635243864	is:0.09235564259022876	say:0.06955856203066568	stated:0.06277434266667509	believe:0.0492943596391864	know:0.04689620586913035	:0.01
of:0.4875008491337089	a:0.10653964967087387	and:0.10322276996743657	the:0.07867040379006311	with:0.0653708628433556	their:0.04303237239010737	to:0.03898153983399498	for:0.03380264593860955	his:0.03287890643185008	:0.01
this:0.33310599475566804	the:0.24616659787833403	a:0.12857214019098107	that:0.07459722145678396	This:0.062441767627458324	any:0.04570865349889147	The:0.04319077395966505	every:0.03252819160197439	same:0.0236886590302436	:0.01
the:0.44261065813033085	a:0.357760348254555	The:0.038863993486896134	A:0.027532189221186887	of:0.027027452971129306	tho:0.025940058923951143	our:0.024993853288102937	his:0.023896668592378014	in:0.021374777131469683	:0.01
an:0.34105121328663246	the:0.27473810880097926	most:0.08842240797056475	a:0.08596141185474454	very:0.05885883597275602	and:0.03914936856215008	An:0.03766633382133811	his:0.036075402614629944	The:0.0280769171162048	:0.01
of:0.37757352357277263	to:0.1412997508358221	and:0.0922662258820009	that:0.08655245251206978	in:0.08397587336935568	for:0.057992475083582205	all:0.051482044210817056	by:0.050817117881126236	with:0.04804053665245338	:0.01
he:0.3199577009687496	I:0.1473787106259897	they:0.10878240453061815	who:0.10131225556318453	and:0.08406622741585791	she:0.07141909427043072	it:0.06024077039060566	He:0.05581667028791089	we:0.0410261659466528	:0.01
the:0.5267799806786334	of:0.15799021758137846	and:0.0800541650072387	his:0.04763590925148377	a:0.04695692770436725	in:0.043837753747700076	their:0.032223787300684745	tho:0.027979857398916463	to:0.02654140132959705	:0.01
of:0.24955431348805301	in:0.14952196756010555	to:0.14250065276480006	with:0.1284555841682719	on:0.0877104173380222	by:0.07676608524246237	and:0.06783530717873199	from:0.04764636500261804	upon:0.04000930725693478	:0.01
be:0.2711518033260953	was:0.22872023827169383	been:0.11935359173064584	is:0.09817120249491228	were:0.07124881070832242	and:0.06574318353209478	are:0.057309451923487444	being:0.04038750519488407	it:0.03791421281786396	:0.01
and:0.2917744407346903	is:0.1361822793082047	was:0.11924247855747624	so:0.09571311198156142	wondered:0.07307898050064458	but:0.07145967336457355	arrived:0.06875923431362398	held:0.0681574860002901	it:0.06563231523893508	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.251616515574782	of:0.22750570402316492	and:0.15568581488097585	a:0.08863078812151558	at:0.07078855024875703	to:0.06364604093638855	.:0.05572741630671637	<s>:0.040611313190901555	from:0.035787856716798	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
and:0.2237619638054288	in:0.15312887578541265	do:0.1292369718295717	of:0.09904635294304569	for:0.0922577925199373	I:0.08403390688134192	it:0.07909510294945239	is:0.06854292250377474	was:0.06089611078203483	:0.01
the:0.2430700290993388	of:0.19255952245263241	and:0.1541377657113866	to:0.1438140321537308	a:0.07286436798209919	be:0.051059482517056685	or:0.05091033703493395	his:0.042464487272563516	on:0.03911997577625805	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.36109177879945187	her:0.1665595362910309	years:0.11874026363055375	his:0.07140238039387302	or:0.06393182399518262	days:0.0580125440232968	the:0.05771037154096132	to:0.047547659146333576	minutes:0.04500364217931604	:0.01
of:0.4729888783681117	and:0.10550690042741027	in:0.09539237279732124	for:0.07107239756209367	that:0.06924823428036464	on:0.05057571110608999	to:0.049797013816421744	by:0.042227107792470873	upon:0.03319138384971578	:0.01
of:0.6907882837842342	in:0.1321386089512492	In:0.03754088806435203	for:0.028914047662818902	to:0.027366150342966553	from:0.019765181897372586	on:0.019031592243964578	by:0.017807763415839752	at:0.01664748363720218	:0.01
and:0.2953876189038615	was:0.16428490131166157	is:0.1170663883818668	up:0.07776716508545514	it:0.07559106251500251	made:0.0665568090126541	put:0.06578409847025994	placed:0.06489134807601946	that:0.0626706082432191	:0.01
of:0.31176034225632104	and:0.16153048483864677	the:0.1534506767596078	to:0.12073399379445032	in:0.06493765277096822	at:0.060434322205355065	or:0.05807024532863748	a:0.030244362441625757	from:0.028837919604387672	:0.01
manner:0.3946119345675231	and:0.18749701924918538	that:0.10855654014299566	way:0.07037996389927752	time:0.05382876808607621	it:0.04775881818150396	all:0.04270273332279963	one:0.04238708288685656	part:0.04227713966378213	:0.01
of:0.3079049751728167	to:0.1321494027323452	and:0.11818269835900698	in:0.10216336557638513	on:0.08609498066320248	for:0.08425074702369899	that:0.06560483073652472	by:0.04837193198345457	In:0.04527706775256527	:0.01
the:0.22621754684143483	of:0.2121246296450364	and:0.1387178532151598	a:0.1330548885143689	to:0.07801628138881134	Mr.:0.06384327045324964	in:0.05393160683610293	with:0.04333205764451371	or:0.04076186546132228	:0.01
of:0.3946849902702231	the:0.19549844935375196	a:0.14989316641820052	and:0.09252491039732526	this:0.045970029034259896	to:0.041067895488467725	in:0.03203843249804412	other:0.019675820791803696	for:0.01864630574792365	:0.01
all:0.489117822513114	it:0.10436240245559132	and:0.10385584553714328	went:0.053494235025989635	passed:0.04936239139982786	go:0.04868797837848751	them:0.0473663341148059	looking:0.04728561322188331	of:0.04646737735315735	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
;:0.2168088007452265	up:0.17682453613587082	them,:0.09053299638160076	it,:0.08827835094126033	in:0.08756142412010726	years,:0.08612884779474349	States,:0.08437911467834915	him,:0.08132578910373672	and:0.07816014009910499	:0.01
of:0.23718407441061976	the:0.18069077660368707	Mr.:0.14180543065202203	and:0.10703492879933164	in:0.10015671680885013	that:0.07642264423650107	The:0.05795049213255086	which:0.04742717838767149	Mrs.:0.04132775796876595	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.1950486778492977	and:0.1730591960892687	from:0.1475944095137957	by:0.08850841316562393	is:0.08755984544463195	are:0.08718378786871178	the:0.07477638580489222	with:0.0689635253475495	for:0.06730575891622863	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
Mrs.:0.2647725067928276	of:0.14146285769990546	.:0.11963076691333296	and:0.10083633566225178	Mr.:0.09703436550138454	by:0.0754755495677257	the:0.07527216242054198	Dr.:0.05986128254856524	to:0.05565417289346461	:0.01
the:0.3852091685420713	of:0.15029792416713433	and:0.13361736839571411	a:0.11891032624485717	in:0.05055226342026037	to:0.042450229405257604	for:0.03799538051249681	or:0.03633593244546821	that:0.034631406866740044	:0.01
to:0.7182025943057132	will:0.07142862779542358	not:0.05354482029855305	would:0.03783043092192156	and:0.0294729021184817	can:0.02460961924597273	could:0.022929195933444037	or:0.016739066306344603	shall:0.01524274307414569	:0.01
the:0.35890294521823	a:0.2037196816390612	and:0.14162911950704785	of:0.09921446950587305	to:0.05696960979638853	in:0.03618221440504327	an:0.033935297916652875	with:0.030213858014780617	The:0.029232803996922675	:0.01
of:0.3634414670735991	in:0.16471690933644495	to:0.13560196597153684	that:0.07626175151539734	and:0.07608448447095241	by:0.045885670656194755	In:0.0436622901004136	on:0.0436210880041603	from:0.040724372871300686	:0.01
be:0.26172670888722693	was:0.23927067595522433	been:0.12252772533682701	and:0.0824130199231601	were:0.07999332020243034	is:0.0773887100366419	are:0.05533786662466985	he:0.03953358511677463	being:0.03180838791704494	:0.01
and:0.2435480540352145	as:0.15690527802913024	up:0.10296734321529094	it:0.09647376793670022	addition:0.09422686599691245	according:0.08116819529026177	them:0.07910602684310672	him:0.0685702474069357	entitled:0.06703422124644733	:0.01
of:0.2749880842165121	the:0.16609061013702206	with:0.1280015879002791	and:0.11909425885962227	in:0.07724803303471722	for:0.07170349870425817	a:0.05874845586564059	by:0.05225771980688881	his:0.04186775147505985	:0.01
a:0.40586244866380244	the:0.34534712801344114	this:0.08532878696493235	tariff:0.04392998351791949	The:0.02829685741585444	appropriation:0.022493478605203246	tho:0.021553823521544193	no:0.019177921459643654	A:0.01800957183765902	:0.01
the:0.2421901218247523	and:0.20216572841696837	to:0.12771920183701838	of:0.09818268241876331	or:0.08449681249748539	their:0.06491945641836883	any:0.05962375516865609	such:0.05910370452410503	other:0.051598536893882295	:0.01
capi-:0.3033961134069601	men-:0.20394324454766521	and:0.1332261221612399	the:0.11352436701347864	of:0.0821169894617577	to-:0.04124347244935972	a:0.039105779980437225	.:0.03737261526185877	men­:0.03607129571724278	:0.01
was:0.21571015883448433	and:0.1709500087086353	is:0.12219463016700408	are:0.09660909635694588	arrived:0.08736534667825376	be:0.08600020242301762	looked:0.07500634595709733	were:0.06954785053804075	held:0.06661636033652081	:0.01
according:0.18171683465452657	and:0.169626085333411	as:0.14396130192913367	is:0.09918888610943373	went:0.09604595941463936	him:0.08489068791145767	it:0.07371684575042947	them:0.07370106404777058	up:0.06715233484919804	:0.01
and:0.2312741550362418	was:0.17111855427477926	is:0.14378706183875062	placed:0.09489581377957923	be:0.07863218846914795	that:0.07811923366220527	as:0.0691209765504575	are:0.06249213042898195	up:0.060559885959856445	:0.01
and:0.21076763466483905	balance:0.1941872918679542	was:0.11660373805677168	residue:0.09735520233844874	that:0.08516097521039617	one:0.08490492259724977	is:0.07411378781887397	up:0.06735640877060087	are:0.05955003867486549	:0.01
to:0.7467055380119636	and:0.11624541464291023	will:0.04603166334965468	not:0.021261721548170538	would:0.015903820436974074	I:0.015120559546578047	you:0.010287656902626173	must:0.009558645749265094	we:0.008884979811857376	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
and:0.17438240995914772	away:0.12875608775005687	them:0.12798561324612498	him:0.12602495117844947	taken:0.11003395907714536	far:0.09177612745334263	miles:0.07768845772987168	us:0.07733110071186913	it:0.07602129289399227	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
;:0.24831900338069315	nothing:0.13078974075180344	and:0.1208420300515082	is:0.10260220095743057	it,:0.09780992216361221	them,:0.08257696264269697	are:0.0816280638705695	,:0.06734575393909667	him,:0.05808632224258922	:0.01
the:0.4740852366160124	a:0.21103768525073688	little:0.1222631148305312	The:0.03985106307181559	and:0.03712602126661775	his:0.03370975907379737	young:0.02866870330279754	her:0.024276026881043862	one:0.018982389706647635	:0.01
his:0.301560761416923	their:0.2662472093660034	our:0.13607259737144753	my:0.07498773011807729	her:0.06374647601379894	your:0.06318014945270568	its:0.05653194085687905	bis:0.01745217377286841	a:0.010220961631296672	:0.01
and:0.25254210015383416	the:0.16753716015379294	of:0.1600301024468485	to:0.09067739594927966	a:0.08063323608620782	in:0.062146931142027906	I:0.061161689674032786	not:0.05817609728921982	be:0.05709528710475651	:0.01
be:0.21763485224471268	was:0.18649486702907736	been:0.11530328649246784	is:0.09709272553019263	are:0.09609278552568239	were:0.0851119397359865	he:0.06960804584197802	and:0.062379180120175466	had:0.060282317479727066	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.4085544161029164	that:0.1971763966989474	as:0.09623431975726053	is:0.07727440639345283	was:0.07160491515940201	but:0.053052039520902476	up:0.03375828739455851	Then:0.027630399308500246	Is:0.024714819664059667	:0.01
<s>:0.4511929026030646	it.:0.1219250023537839	them.:0.09211845176842885	people.:0.06666307309093752	country.:0.05886376643805602	and:0.05203934601302137	.:0.051386982522425705	time.:0.04920295224045868	him.:0.046607522969823414	:0.01
of:0.23531245396593406	and:0.20263117590375904	to:0.10610916169501212	is:0.09026009560407866	with:0.08517094653673214	in:0.07615945896860467	for:0.06651532193503089	was:0.06528375376134608	that:0.06255763162950234	:0.01
and:0.19240036780860295	free:0.14520583599708728	far:0.11472013118798012	come:0.10616115179928029	came:0.0968981982287927	miles:0.09057250627773505	it:0.08504178182922545	or:0.08275875761934377	feet:0.0762412692519524	:0.01
and:0.4029846641122197	of:0.1036864632935564	or:0.09889492276289562	et:0.07452007187921945	person-:0.07357623054451208	to:0.07105869981350652	a:0.05890950536389117	in:0.05752895541981992	<s>:0.04884048681037891	:0.01
to:0.29806584542340436	I:0.14045400004354763	will:0.11099206413110352	and:0.10732243665543494	who:0.07466905762364331	they:0.07219508034374822	we:0.06924842501298802	would:0.06125728193328977	you:0.05579580883284025	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.2584915186472168	of:0.14281346037336012	a:0.13707013932066836	and:0.13577938254337027	to:0.10223324267269843	for:0.07851662265653192	in:0.06124767985536818	as:0.037344412941561954	or:0.03650354098922388	:0.01
<s>:0.28280287622113565	that:0.1974870349597603	and:0.12042382437818895	?:0.1159221026083167	it.:0.10125476476956938	them.:0.06373287813750778	I:0.039638701098265956	him.:0.03458519874632834	man:0.034152619080926955	:0.01
the:0.28911769851370467	of:0.15034482710262848	and:0.14727364343021293	a:0.12256378698685642	to:0.11180388212332248	be:0.05566769946958989	was:0.044440704312762515	or:0.03660687066406267	is:0.032180887396860036	:0.01
to:0.7719502381196097	not:0.04988496519090198	will:0.04005337377444644	would:0.03278521070723056	and:0.029442046409976236	they:0.020331797464379672	the:0.017459093308010595	a:0.014942304107972185	re-:0.0131509709174728	:0.01
the:0.19459763800229676	a:0.17672078810046185	much:0.12641581724861542	no:0.12172492133200903	and:0.11286439790380462	or:0.09561638095081805	is:0.062367185266108176	once:0.05051382469949565	far:0.049179046496390426	:0.01
on:0.2268865406986814	was:0.15730957394619174	is:0.13321595756781318	of:0.09751025484180745	and:0.09415732545720681	as:0.08717812901655257	in:0.07558875006124419	to:0.06664508040223206	be:0.05150838800827073	:0.01
of:0.25166483490677677	the:0.23709720375109242	and:0.149010770766607	to:0.08030521109006582	a:0.07955489572624934	in:0.06451543614878104	by:0.04920013496214942	with:0.04294125836229686	for:0.03571025428598135	:0.01
and:0.2755177139712839	made:0.10834514217692179	sale:0.10503396562744235	as:0.09866981310401297	land:0.09459410928872458	sold:0.09335335502607559	that:0.08180202406137632	was:0.06722311663802534	or:0.06546076010613731	:0.01
of:0.23192482700809247	the:0.16929524305057111	and:0.12265863489785712	per-:0.11026184640041985	their:0.10372121074779418	many:0.06639186232323849	two:0.06493431515965269	his:0.064089382260499	three:0.05672267815187514	:0.01
and:0.39346139678251646	was:0.11114640267831279	are:0.09329595834523176	is:0.08461127492424651	be:0.07013499483656405	do:0.06518284749983096	or:0.0622283616301043	been:0.05507466059673788	were:0.0548641027064555	:0.01
the:0.5624867193874731	a:0.1595376563249366	any:0.10751108939282283	this:0.039920900017793685	tho:0.030754342346370787	of:0.027532908627143252	great:0.02343226721203094	said:0.021356739482756307	such:0.017467377208672513	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
about:0.16659372222690705	west:0.13091545903252577	east:0.1227276240124117	and:0.12247898835633991	north:0.11413635580319646	to:0.09302178365804117	south:0.09279875792564031	of:0.07713773598362246	street:0.07018957300131515	:0.01
I:0.22374854135141622	to:0.17053887137014304	1:0.1272453541733427	the:0.1072668182250411	of:0.09993528904464904	and:0.07467168245735635	<s>:0.06763109286376619	not:0.06545421341258635	a:0.05350813710169893	:0.01
they:0.2613298813152984	we:0.1581993400976138	who:0.12895830592759622	and:0.09104671010898545	which:0.08566104386427137	They:0.07212385636721322	We:0.06916946968644781	you:0.06397008162934376	that:0.05954131100322983	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
the:0.5251719265412764	of:0.12727030158833474	to:0.06197050873165681	a:0.05726818322112805	their:0.05659449497946293	and:0.05014566473441622	our:0.0405573813663534	in:0.035916854312577	his:0.03510468452479458	:0.01
the:0.3680886537963656	an:0.17141972615228718	a:0.17020308746187077	his:0.11579866020130801	and:0.04543271813734504	her:0.03649579169971823	this:0.02939064914945859	its:0.027848533612802553	of:0.025322179788844153	:0.01
will:0.24546670814496485	to:0.20546952536150323	may:0.1275708606779766	would:0.08120755645509772	should:0.07771690441277314	shall:0.07225922771148752	can:0.06764996544963005	not:0.06128868674718098	must:0.051370565039385814	:0.01
be:0.2586967853364397	was:0.21644990492972455	been:0.18548370260379243	were:0.07988606676898509	is:0.07452247433899464	are:0.059620559014741746	being:0.052379158036390386	and:0.04582468544453542	Is:0.017136663526396107	:0.01
of:0.49592376396851334	in:0.14219332789153788	to:0.09618702809446078	that:0.06823335805615924	for:0.052107695577843165	by:0.04499036194161918	on:0.03463076879496929	with:0.02934222612219039	and:0.026391469552706718	:0.01
<s>:0.20105320364367857	and:0.18250965173941291	was:0.12329533241437705	that:0.10998541321850537	be:0.09742824044242465	recorded:0.08594352170585813	as:0.06857209858422192	set:0.06358842892321125	put:0.057624109328310025	:0.01
to:0.2521568046979276	his:0.18626565367516015	in:0.15064579652551902	my:0.10712667257163658	of:0.08615752684974266	and:0.06982253395153583	her:0.06501355560918098	their:0.042969638952241575	your:0.029841817167055536	:0.01
the:0.35157575473977565	a:0.2527498630823644	of:0.08369834871756912	and:0.06874211587961568	to:0.05666953632310675	an:0.049956900206382486	The:0.049678256858297215	Mr.:0.03894672440585281	in:0.037982499787035946	:0.01
the:0.7973547568235122	of:0.03470083931901921	tho:0.031588993263912575	our:0.02981187552777074	American:0.02622699308239218	a:0.023059294541306972	this:0.02079106807513546	tbe:0.01344061295764249	State:0.013025566409308038	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.23249637061068618	away:0.1729582579675146	taken:0.14204684615275687	them:0.07766826901057843	miles:0.07536648492003646	come:0.07524013772926025	out:0.07345826542488416	came:0.07129075865548364	down:0.06947460952879941	:0.01
it:0.22527501596969265	he:0.18388789568198277	It:0.17719007845420529	I:0.09605887214942407	He:0.07943712792698977	which:0.07173560525924132	and:0.06249392108142076	that:0.047256196305971616	who:0.04666528717107178	:0.01
of:0.41451996941524516	the:0.23286197606789757	in:0.09010373054170648	for:0.06255870846188893	with:0.05037894497627168	to:0.05027220727454893	and:0.040625152621918265	by:0.025743700118352055	a:0.022935610522170864	:0.01
the:0.2176444406307874	of:0.21032817253870764	to:0.20574675201779968	and:0.10545724507911237	in:0.05828659954186711	on:0.05369867559536912	<s>:0.052758235502345235	a:0.04307083081855826	at:0.0430090482754532	:0.01
well:0.17286234433367575	such:0.1479378804432679	and:0.1433204465792291	known:0.11689749818398885	far:0.11590668340198397	soon:0.10585626727327858	just:0.07361294222484566	long:0.06818725650687826	regarded:0.04541868105285187	:0.01
and:0.1988595941783454	a:0.191158593840502	is:0.146868257591394	of:0.10820850455679323	was:0.08823847108497478	has:0.07022413619160646	have:0.06703025441878581	not:0.061780043159961176	are:0.05763214497763733	:0.01
number:0.15510138461792508	sum:0.148514921816429	rate:0.14780823894173517	out:0.11151674228111759	full:0.09055767387112672	matter:0.08961096775660078	amount:0.08716863345491424	loss:0.0869224973602961	and:0.07279893989985517	:0.01
and:0.29635189305068393	so:0.14127294388052722	fact:0.11934677619133646	said:0.09382506667151261	know:0.09321340215184683	say:0.08466047801883074	is:0.061229379962697866	but:0.05099440426762219	believe:0.04910565580494222	:0.01
and:0.23279965659275237	was:0.17417711985311504	the:0.16382010565329974	be:0.09373310948092689	is:0.08292811648847893	were:0.0704689167383008	he:0.06596726117261299	are:0.056797621313343066	or:0.04930809270717013	:0.01
in:0.22198842827441548	up:0.1769447788789851	hundred:0.1148919273906538	out:0.08872383736072158	day:0.0870773664453534	men:0.07789774058351305	city:0.07668265301297594	;:0.07558464354908534	dollars:0.07020862450429632	:0.01
the:0.2348936864380875	of:0.17141990857045894	and:0.15092221108899265	a:0.10125325371681407	to:0.08978991230211596	be:0.07036792028887345	in:0.0685027598781156	was:0.06545509613683566	is:0.037395251579706204	:0.01
time:0.20108788250578666	men:0.17633739469577114	up:0.10177265026557178	hundred:0.09617509155607458	in:0.08959106629230254	long:0.08396584482409511	one:0.08077874034348625	him:0.08071123826324925	good:0.0795800912536627	:0.01
to:0.26682292600236335	and:0.2306612335630966	of:0.13996790161458736	the:0.13696172912657284	not:0.06001322125522884	in:0.053201450199867696	or:0.03479501957877238	I:0.03467007059716311	is:0.032906448062348	:0.01
the:0.6073428982040967	The:0.06969777928932563	of:0.0649375222570982	other:0.05841035334844036	a:0.05150322222129898	and:0.04864097060838875	tho:0.04588385860598265	by:0.022100070878033014	their:0.021483324587335678	:0.01
and:0.23563055452093967	-:0.13546340053601869	that:0.12409249187865418	the:0.10358230276108538	.:0.09041300424606895	of:0.07789495965196948	land:0.0767538445226932	to:0.07330374648554151	was:0.07286569539702897	:0.01
the:0.23644202341691004	a:0.21766691029426216	any:0.10319596754264769	in:0.09257177551197637	first:0.09248552861917603	his:0.08413850027607711	of:0.06715657922780544	their:0.05325815659949641	and:0.043084558511648774	:0.01
and:0.2630681499721094	was:0.16937873429674838	<s>:0.12590471272734088	is:0.10936504883125728	be:0.08472299099761726	that:0.06973313352122497	.:0.06123506813976831	brought:0.0542698269444489	been:0.05232233456948455	:0.01
of:0.3830545450395426	to:0.12142453176946907	and:0.10218140066570748	in:0.1008873626260106	for:0.0766723362255692	that:0.06697892972449249	with:0.046478561718041635	all:0.04617772013387347	on:0.046144612097293404	:0.01
and:0.17585653528116318	to:0.15780463333268435	the:0.15408048987271517	of:0.13338762061696083	be:0.09705683339257447	is:0.07833119972135894	was:0.07225980199753679	for:0.06656433948048371	in:0.054658546304522555	:0.01
and:0.3296810130840902	that:0.1931715645932323	I:0.08967374214981207	but:0.08091730741202768	<s>:0.07830143667804451	which:0.07695318157030842	;:0.04865281101838605	as:0.04864000827187745	it:0.044008935222221546	:0.01
get:0.1466179279908691	was:0.13816166858847523	and:0.13411725524820045	him:0.10611862598008347	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536371	go:0.08768078124059613	come:0.08255568388883913	:0.01
of:0.35256282198194355	to:0.20737957642101038	in:0.09147299589804907	that:0.07539253150119887	on:0.06995939290134671	and:0.06735623684601358	by:0.04328516396159174	when:0.04212038445225181	with:0.040470896036594324	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.43102462502231625	to:0.1516649771939914	that:0.07367178892746432	and:0.06883059249973034	in:0.06742030243567641	for:0.06477639128523811	with:0.0511017419873648	by:0.042615236451528635	on:0.03889434419668976	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
and:0.2433965671591451	him:0.1591857612555844	was:0.15546468801479868	is:0.08403713707126538	it:0.08119311744346455	up:0.0765112129798562	as:0.06975526414728683	come:0.06105440877997866	placed:0.05940184314862022	:0.01
in:0.22642398146928283	of:0.2218162205038526	to:0.15392453508454218	on:0.09220519768164841	and:0.08564264070743798	with:0.06525302435638586	upon:0.05464789651685467	from:0.04967262968323026	by:0.040413873996765104	:0.01
and:0.30813827370948377	said:0.1730589697868629	fact:0.11175374042727586	stated:0.09076470050424858	so:0.07733344451894186	him:0.06626454011197735	know:0.06377304208821113	say:0.049787186448953615	is:0.04912610240404502	:0.01
have:0.193308871597742	has:0.1644725212658929	are:0.15683896528982624	is:0.14418685579799015	had:0.09657639230540167	was:0.07239764938229547	be:0.06640045469971269	and:0.049297677630134554	were:0.046520612031004334	:0.01
the:0.3393255573743127	and:0.21178061799709652	of:0.18374035432791083	that:0.05355193750391202	The:0.05262746553326421	a:0.05042822526649288	or:0.03381932134870707	I:0.03348309181440277	in:0.0312434288339012	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
in:0.2291796231230006	of:0.19894604768114812	to:0.12894122755459386	for:0.0981401666214376	with:0.0799494179447224	from:0.07786568636192283	by:0.07136739601410988	at:0.053415232000225306	In:0.052195202698839635	:0.01
a:0.7702894344532505	the:0.1496185384852795	A:0.01885570264419299	The:0.010399744769476837	this:0.010090955247461671	long:0.008916721913929787	first:0.007780356701237188	and:0.007034044984284663	tho:0.007014500800887054	:0.01
will:0.22448046644940609	could:0.18179862143461417	did:0.1452730178147247	would:0.140592470442591	does:0.10548941706057513	do:0.07283681364051281	shall:0.04353498516785439	should:0.039087264980935045	is:0.03690694300878677	:0.01
and:0.21756602459774244	of:0.17085154504669112	by:0.1519697382509192	in:0.14271041348198032	was:0.1035207269730199	with:0.0630042849732611	for:0.04828519047061303	are:0.04640777255617391	to:0.045684303649599134	:0.01
and:0.30813827370948377	said:0.1730589697868629	fact:0.11175374042727586	stated:0.09076470050424858	so:0.07733344451894186	him:0.06626454011197735	know:0.06377304208821113	say:0.049787186448953615	is:0.04912610240404502	:0.01
of:0.3817864120278334	to:0.12858907520716367	for:0.10430088958246488	in:0.1032979190867059	and:0.09608026282516693	with:0.06634161178938557	by:0.04328586082078908	from:0.03388767655795576	at:0.03243029210253477	:0.01
the:0.35188964628984826	of:0.3174473454120755	said:0.08708142982243397	a:0.0507997234875453	to:0.04480738707085683	by:0.042233189974757675	on:0.03941436336331023	this:0.028314449932143687	that:0.028012464647028508	:0.01
;:0.22046407195551485	is:0.17582574326264086	nothing:0.1379406967632926	and:0.10030977648515513	it,:0.09114822746878604	are:0.07939989855556757	one:0.06256347466378491	was:0.06127459137468538	time,:0.061073519470572844	:0.01
the:0.27303853561626584	of:0.12144527006365491	and:0.11190443096014464	a:0.10717374517078575	to:0.09517206869392293	in:0.09150130096840599	for:0.08281709927900711	be:0.05513949846120759	his:0.051808050786605275	:0.01
and:0.2356343567867148	St.:0.1830720876558326	of:0.13140177233699146	the:0.11271482964321575	<s>:0.09806577731945529	to:0.07766866782015054	was:0.05789619297470086	de-:0.050016889869168246	1:0.043529425593770335	:0.01
and:0.30735359476081114	to:0.22522162155475015	he:0.10662948316921289	of:0.07884913974184656	in:0.0597246616761408	the:0.057550992930262716	was:0.055200078540659045	that:0.0503361973709718	for:0.049134230255344906	:0.01
well:0.34618032515109337	and:0.13329003312874318	known:0.13040133597623033	far:0.11465520923791377	such:0.07899955666380475	soon:0.06896496887707047	is:0.04093734796885951	much:0.03952117364441856	just:0.03705004935186609	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
of:0.26561422457348965	to:0.15398276019780652	and:0.1200434464013876	in:0.11598472550701903	for:0.07667729389295613	that:0.07298524945098726	by:0.07100134231374444	with:0.06217479490450846	on:0.05153616275810076	:0.01
the:0.2775049760308905	a:0.18705178668529587	this:0.13079983222384725	one:0.10584978574099062	every:0.07313175378949342	same:0.058812758484926106	his:0.05824567760885066	other:0.05733926584125098	first:0.041264163594454444	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
of:0.5098472274332899	in:0.13268782784949315	to:0.10592018786131684	that:0.04760484698437597	by:0.04756578762629169	for:0.044769435977049424	with:0.03932066956143651	and:0.032009553032577166	from:0.030274463674169264	:0.01
and:0.3656792069525932	annum,:0.338580631074157	on:0.09415476019782644	of:0.06601320986490054	day:0.03431981921189227	or:0.025519481630818595	that:0.02292773508938672	sale,:0.02164397037930648	2:0.0211611855991188	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
<s>:0.3987785071646829	it.:0.14040032270496164	them.:0.10376492453408752	.:0.07179843042241119	time.:0.06094232199008742	him.:0.059073776914618084	country.:0.05817830274933814	year.:0.050896904983854165	day.:0.04616650853595894	:0.01
he:0.19216420268890672	I:0.14249478219207085	it:0.1393078157224164	It:0.12149617874351198	He:0.08856204987147628	and:0.08730213392007194	there:0.08170176791215107	which:0.07289892602507458	who:0.06407214292432002	:0.01
<s>:0.31843561172806895	him.:0.15789457478237873	it.:0.14920763575051382	them.:0.10382141739516831	time.:0.06881542073966561	day.:0.05119280938941718	home.:0.048025769657993884	years.:0.04750621461518425	work.:0.04510054594160918	:0.01
or:0.29373072158498936	not:0.19105285114169895	no:0.15595603775739214	and:0.07824229206549015	a:0.06970104021547001	the:0.05718359420674088	with:0.052575551503152726	of:0.04586871216149284	much:0.04568919936357301	:0.01
the:0.2897383324568781	of:0.17113076544121678	a:0.10182560711526899	to:0.08415539991493161	in:0.07588252600215932	any:0.07161219763621446	for:0.06930496705250555	or:0.06569006370210649	and:0.06066014067871867	:0.01
make:0.32474467630608506	for:0.1041321151058247	get:0.10291767265303245	made:0.09660474451763146	and:0.0747900747097348	find:0.07359171837655865	that:0.07266655797486206	have:0.07188892814242204	is:0.0686635122138487	:0.01
that:0.2798109476156464	which:0.15048798381032377	and:0.13524392048408	as:0.11419344174647025	if:0.1032446856068123	where:0.05463108920764861	but:0.05281420757336369	when:0.050228176209059026	what:0.04934554774659583	:0.01
and:0.1715161835985111	is:0.1701504783439962	as:0.11082801560618431	was:0.10049374719407791	able:0.0995782405371278	not:0.0959529126271294	enough:0.08218526606313246	him:0.08082377757804238	order:0.07847137845179847	:0.01
a:0.5022435698466601	the:0.23388093705791405	of:0.07964282592323375	in:0.050126780336993124	with:0.037660651328938706	and:0.02603552954263828	The:0.022154997706119364	much:0.021314023366048516	to:0.016940684891454096	:0.01
of:0.2667447977989978	the:0.23007813986268735	and:0.14167664780512892	to:0.08766536326416904	a:0.08363267794152486	at:0.04983718512680643	in:0.04919582740561988	with:0.04663402365648746	from:0.03453533713857812	:0.01
of:0.23552918213715993	to:0.1834411276283098	with:0.1125671974791918	in:0.10571295796490686	on:0.07896034307074883	and:0.07375603260789158	by:0.0710896905541787	that:0.06734424765839034	upon:0.061599220899222255	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
I:0.3169293495632366	he:0.1621332750799187	we:0.12160130348551776	and:0.0992700034002947	they:0.09443226059984022	you:0.05333031607837386	it:0.052283113556116034	that:0.05167243121854874	We:0.03834794701815334	:0.01
this:0.2802039948951219	the:0.17686438892184192	same:0.12303654611808054	that:0.11938705912492151	in:0.08592662406693313	some:0.057701181608169894	to:0.051930580677120926	of:0.04760844330741927	first:0.04734118128039087	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
those:0.4067879112732331	men:0.17817794621670988	man:0.13110900665041422	and:0.07309153582732911	one:0.059163995595349184	Those:0.04389400312401397	people:0.037845969028667464	person:0.031130954858217163	woman:0.02879867742606605	:0.01
the:0.3631612301726393	his:0.2246983706326143	my:0.08230807126603051	a:0.0776613429171699	their:0.06637011124165666	this:0.056138400874529745	same:0.04473948561934436	its:0.0445196198716233	of:0.030403367404391875	:0.01
he:0.21236976584642633	who:0.15091908100628376	which:0.13423069933853982	they:0.1114226506626021	it:0.10310378443593025	that:0.08782466281035546	I:0.07127377388196328	there:0.06045635920866448	she:0.058399222809234465	:0.01
it:0.20622348714107272	that:0.16057455996523642	there:0.14151153360535962	which:0.11963266539685385	they:0.10506951759105808	It:0.08276968157081656	he:0.06915141905166503	and:0.0620236112565421	There:0.04304352442139564	:0.01
as:0.18234509449290306	and:0.13248255435227901	of:0.1313060072718588	was:0.10683091360114386	is:0.10471888581858478	in:0.09961216018716992	such:0.09415990779054606	with:0.07160675824748887	to:0.06693771823802558	:0.01
Board:0.23280092957027768	line:0.1857595654144676	number:0.16900261069973732	State:0.08501797471113409	city:0.0697276637925753	state:0.06779522736949771	side:0.062236764246586314	County:0.059989226540369346	county:0.057670037655354646	:0.01
and:0.23801640066931004	the:0.2137704409097659	of:0.16257010859333798	to:0.12670471077830098	in:0.057739668314996676	a:0.05257062951863229	be:0.04791117785243138	for:0.045811717077346006	<s>:0.04490514628587866	:0.01
the:0.4854189205909659	a:0.15323913008483753	of:0.09181307955076805	and:0.07593189091703313	The:0.057726079271395905	tho:0.035145153502758146	an:0.034874604957012605	in:0.028869611739383596	to:0.026981529385845138	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
part:0.21361158070694775	one:0.17380084287165434	out:0.1373975162565351	side:0.09101456173050995	that:0.08719614736605438	some:0.08124242756234751	end:0.07179676690489906	members:0.07134260443302046	portion:0.06259755216803148	:0.01
reason:0.4015142634399176	and:0.18289778059156364	have,:0.10912928135167829	see:0.06396445787904324	understand:0.05390849121404605	know:0.0503759554504456	reasons:0.04879673153779884	is:0.04721373448838211	was:0.032199304047124615	:0.01
the:0.7011191618733874	his:0.08135234065742138	The:0.049303292895058394	of:0.035986373353162675	a:0.03378195323497413	and:0.027652405976215346	tho:0.026265077194071527	their:0.018168847568055556	this:0.016370547247653574	:0.01
years:0.7283802236691225	months:0.07034021493687308	the:0.05843405535495157	to:0.03482790587000519	year:0.03259063811975011	and:0.028635445845246705	of:0.018143228311172516	weeks:0.011210150764961123	days:0.007438137127917163	:0.01
is:0.2250775251367794	was:0.13937923237569994	in:0.12090300788707883	of:0.10447220315106985	and:0.09796113124996936	any:0.08661141896630947	no:0.07783853733564215	from:0.0716422731967559	but:0.0661146707006951	:0.01
is:0.34292632942557216	was:0.11793252288422891	have:0.11026298811053771	be:0.1082860354118234	and:0.08695989161149832	had:0.08271305474595515	will:0.052189383848504634	has:0.044463831832014335	Is:0.0442659621298654	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.5525687696761634	a:0.18901914616009224	great:0.058525117303363586	The:0.04561507317613364	full:0.037873690813322355	tho:0.029820770083879417	large:0.0281891368384594	and:0.025995661716363295	in:0.02239263423222264	:0.01
he:0.3552571607629699	I:0.11493637004132888	who:0.09810488886755744	she:0.09281112443892416	they:0.09228556979491134	He:0.06877833781077994	and:0.06511276931380953	it:0.05593015264858416	have:0.04678362632113481	:0.01
most:0.37934281095380984	a:0.16618306651734727	the:0.16505034888031467	very:0.06609144224242884	more:0.06504149694460233	and:0.047940414456512585	an:0.03372945710843376	The:0.03366080324143257	as:0.03296015965511813	:0.01
it:0.25963858208860846	which:0.14112918128503316	and:0.13477755288321686	It:0.11476539973660434	there:0.09895590903510543	they:0.0762137180117906	who:0.057804780239370954	we:0.05506058752131994	that:0.05165428919895035	:0.01
the:0.39886099072163	a:0.23032773993656872	of:0.13692954857378647	The:0.06100687951190594	and:0.056774698676887204	with:0.03376206676424308	A:0.0276232547222467	tho:0.024878846406478472	by:0.019835974686253272	:0.01
the:0.4200597861829513	a:0.17424342085954872	to:0.15219519375561563	The:0.08956477051196049	tho:0.043277790306620496	his:0.03872782584624995	and:0.025360610362965625	con-:0.024819065482326274	tbe:0.02175153669176143	:0.01
it:0.19861178105192082	It:0.16416844195678912	he:0.11485088723181719	there:0.11415883153204022	which:0.10255310296057513	and:0.09877391422271825	This:0.09055130596711539	that:0.058038815805489634	I:0.048292919271534396	:0.01
is:0.27231680442709455	as:0.1410092867211512	a:0.10887480664482775	was:0.10876748344713183	are:0.0958630723858365	and:0.07252714882736161	very:0.0700519014782042	be:0.06551182402091586	the:0.05507767204747661	:0.01
is:0.2380281321029588	was:0.19377348781694975	and:0.17942760253362575	not:0.13351286014446098	are:0.05428873769510381	be:0.0513096906821455	but:0.05052025895335383	Is:0.0481425750600564	were:0.0409966550113452	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
in:0.3336094911301784	of:0.19754620994457317	In:0.17864988575409033	on:0.08455143730008782	and:0.051586991552536286	to:0.04622433852476418	for:0.04208115140793021	during:0.03181464847197519	from:0.02393584591386441	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
of:0.33448044278748246	to:0.14091062932466303	for:0.09598172986872813	that:0.09028400206772046	in:0.08781050515751512	and:0.07949211903315889	with:0.07577838381043661	by:0.050452942063624606	is:0.034809245886670656	:0.01
he:0.24309386805093885	who:0.1749208902593515	they:0.12460932433516753	and:0.09243546174474501	I:0.09036125426931618	which:0.08903458241057916	it:0.06045823069269425	she:0.059468363293639616	have:0.05561802494356795	:0.01
a:0.43231003320737765	the:0.33375945407743174	The:0.07568010487794173	his:0.031843856863899206	of:0.025673217528364288	this:0.02340162723861286	A:0.0232298245255142	and:0.022883144639849827	tho:0.021218737041008403	:0.01
the:0.3778194325788838	to:0.17700494799531183	this:0.12741827812800682	a:0.06836487733099418	tariff:0.06009468559230397	and:0.04995042216210185	appropriation:0.048214011299422134	one:0.043833552295958686	that:0.037299792617016776	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
as:0.17481395904871108	up:0.13266480410279496	and:0.11423368936286925	according:0.10311874253127586	back:0.09834039683776627	him:0.09814074486700695	returned:0.09685287995672426	went:0.08599041765307629	came:0.08584436563977506	:0.01
of:0.404980838867525	to:0.156047117194398	on:0.10921829460632533	in:0.09134135213227665	from:0.0725434921321665	at:0.04430674872235798	by:0.042260044642169696	that:0.039421314088600695	and:0.029880797614180086	:0.01
to:0.2291599023600459	I:0.13871946602755938	would:0.1330455404601739	they:0.11537319596311135	we:0.10498230354658346	who:0.08173080463455146	will:0.07730390766292998	you:0.05776733890846799	and:0.0519175404365766	:0.01
the:0.32934117598366397	and:0.15803763214459943	of:0.13694854921075386	to:0.07548228016299392	a:0.06370449284018063	be:0.06220921731190308	was:0.05641506434396651	is:0.055331613382107674	in:0.05252997461983086	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.3282456637187539	and:0.10066751118892113	come:0.09186198506973138	go:0.08646340173997774	came:0.08533539092635857	get:0.0836515463984589	or:0.07864132335098054	them:0.07821652223731734	it:0.05691665536950048	:0.01
and:0.2499433143560627	I:0.13802112228717098	will:0.11336133969141787	was:0.10620900613167572	have:0.08450177099765013	had:0.08242733447866521	he:0.07913534739691108	is:0.06852434045917162	has:0.0678764242012747	:0.01
of:0.49477372528750246	to:0.1214370558889103	in:0.11409453040656703	that:0.0600183121784756	on:0.057379621950564785	by:0.050117645274711915	and:0.03338844931841934	from:0.030403484178493406	for:0.028387175516355116	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
is:0.2378962338787881	was:0.2170822761402054	be:0.1371817577503503	are:0.1129209091904668	not:0.07416992699361206	were:0.06727496841817034	and:0.05956475841843222	been:0.04323591900019227	Is:0.04067325020978256	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
to:0.30102863785986816	and:0.20724594162951251	of:0.11561430117577177	the:0.08949931874126583	in:0.06780950692820926	is:0.05678672479774325	I:0.05395775487226535	for:0.04939417435915029	not:0.048663639636213486	:0.01
a:0.32079070732883197	the:0.21643861229698805	and:0.10972140986920041	of:0.09584138972782447	was:0.070717413421564	be:0.05844085227378187	is:0.05006789068857641	with:0.036902868112336715	been:0.031078856280895902	:0.01
the:0.2454162012121175	of:0.1411230708504749	and:0.13909491179529657	to:0.12868679917838224	a:0.11977761354253098	be:0.06375422245875538	in:0.057052830665009255	was:0.04829030541090776	is:0.04680404488652549	:0.01
hundred:0.18288209852357765	six:0.13328227189507336	two:0.12446038625559351	five:0.12432557335010594	three:0.11433554796659	ten:0.07148480768136202	four:0.0686310100852656	twenty:0.060391798326179025	seven:0.060050867053781605	fifteen:0.05015563886247134	:0.01
and:0.24528248998831378	held:0.14648753496079167	arrived:0.13032093183429208	Beginning:0.09587085001543451	was:0.08274139177167324	Dated:0.07650922845240461	sold:0.07470867727267312	arrive:0.0729010774734216	made:0.06517781823099539	:0.01
the:0.38379315035434225	of:0.31721256047134866	and:0.08172204044761766	to:0.04700880075190454	The:0.03984838081766385	for:0.039202396070239044	our:0.03165684727733281	in:0.02562439482971462	its:0.023931428979836633	:0.01
there:0.16212158455389708	him:0.12391353711587129	it:0.11805106128165596	it,:0.10584915054505331	;:0.10420384904053812	in:0.10350974344543261	good:0.09775369245048582	one:0.0925275949872672	him,:0.08206978657979863	:0.01
it:0.21150095565170535	and:0.16872366050491697	It:0.1558799302555286	of:0.12670459828645414	at:0.06965332339605183	the:0.06815579907070891	for:0.06380098095366143	to:0.0630525656077604	on:0.06252818627321244	:0.01
in:0.22661916411881478	up:0.11559962918529301	;:0.10278458296576422	time:0.10232514169808289	it:0.10065015702964657	it,:0.09194712968823854	him:0.08621902621084161	out:0.08600554136352567	them,:0.07784962773979276	:0.01
and:0.45567262975550527	but:0.09306106244724258	are:0.08855855434687347	is:0.07210347540330228	was:0.06995149139906576	men:0.06566703441648501	people:0.04901704717022338	w:0.04801899315907749	that:0.04794971190222472	:0.01
and:0.2995153816438973	of:0.2026715014052449	to:0.09906814275159391	with:0.09576812225336781	that:0.08173624994606835	by:0.07847448910983473	in:0.06712525981627479	from:0.035175924094783394	on:0.03046492897893484	:0.01
to:0.558835476018929	not:0.08807093054998215	I:0.06235788162884431	we:0.061179922238789486	you:0.051203572980376685	would:0.04748987113288511	will:0.04455655223533674	they:0.04009687489924732	can:0.036208918315609184	:0.01
long:0.2178464713467953	well:0.15119131400461577	large:0.11681757815550972	not:0.11504221845456013	and:0.0974897064239277	was:0.08598344095356661	is:0.08269425646447148	far:0.06611336889394219	strong:0.056821645302611065	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.34619345787616196	of:0.2392667203801298	to:0.11565882482322798	and:0.10755779859276463	for:0.0424121440333838	both:0.03771321334757125	with:0.03621906974693815	by:0.03592821658559671	his:0.029050554614225718	:0.01
of:0.21812856260690297	for:0.16343545561400774	and:0.16278192583231935	to:0.15827092950126853	that:0.1125406470349216	with:0.05640466948135833	by:0.05563208772372514	it:0.032373983705558475	have:0.030431738499937872	:0.01
to:0.5480262219979412	will:0.09256421428682275	not:0.0904638107587012	would:0.0753985224333285	they:0.03515207459654702	we:0.03297765970680281	who:0.032729010275009685	and:0.03082566000466296	must:0.028943449692825588	could:0.02291937624735838	:0.01
is:0.1783950233855535	was:0.17504592657499385	of:0.1215885948987722	with:0.11107451113648516	in:0.09587583988310214	to:0.0874078290530052	and:0.08457583693582504	had:0.0696752855601149	for:0.06636115257214804	:0.01
that:0.4189852017646906	and:0.14516217748957919	as:0.10072602595847757	but:0.08878389148346506	if:0.06898585649826197	which:0.05609117853103028	what:0.04165817083938284	when:0.03806145845287004	think:0.031546038982242404	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.36764412044516276	has:0.1564337610967044	have:0.10991062104924793	and:0.10625519783611487	had:0.10199985670133438	will:0.0622114036938925	would:0.03492580542404599	shall:0.025863676089271193	may:0.024755557664225863	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.407674785398844	to:0.1277612093619651	in:0.0981100127674003	and:0.07987385520716705	for:0.06192213266467773	by:0.059814335151744225	on:0.0571953785601922	that:0.05542901686480434	In:0.04221927402320507	:0.01
the:0.2010021115599926	to:0.1737985731059347	of:0.15050208736975193	and:0.11238908860391597	was:0.0908265183940859	a:0.0744583315183971	be-:0.07441653894464777	is:0.061229766580739926	be:0.05137698392253402	:0.01
amount:0.19462765045805325	sum:0.1936697669197853	number:0.1738565737531945	out:0.10218718765275135	rate:0.08746811128937342	instead:0.0653287665772841	one:0.05856451617881859	that:0.05762440251994824	question:0.05667302465079115	:0.01
of:0.6827531713502267	to:0.08178435658863059	by:0.06324278485591685	in:0.046325993639659016	that:0.032348803603648904	and:0.0274659397189516	with:0.022427117591200123	on:0.017179281118312555	from:0.016472551533453613	:0.01
<s>:0.2773737483516857	it.:0.19768349830302606	you.:0.13053409691460166	them.:0.09625691446532422	and:0.07569687398197308	him.:0.06163662469778465	me.:0.053235182957923004	.:0.0520549783780891	time.:0.04552808194959247	:0.01
in:0.4113562608050338	the:0.17340233241967482	no:0.08570196457193922	In:0.07787363656397	of:0.06686785784013813	a:0.06319423361880559	such:0.0432842901756895	any:0.03701142065353711	and:0.03130800335121176	:0.01
is:0.25026591316573965	was:0.16683185557722202	the:0.13414668462429155	and:0.11246226367729859	in:0.09434357872869249	of:0.07765189325572396	are:0.05424653197024321	a:0.0502790923583583	it:0.049772186642430216	:0.01
the:0.5163233369026575	this:0.08060546050554686	such:0.07718088848661026	a:0.07037196716135204	and:0.05915166982770246	of:0.053702994871703796	The:0.049397651323887036	any:0.04452624073990112	other:0.03873979018063874	:0.01
the:0.28331751316299447	of:0.17334788028772563	to:0.12158054735072847	and:0.10439565886854561	be:0.0794169294631217	a:0.07917204011865238	was:0.052937597973227564	in:0.049110172916530005	is:0.046721659858474096	:0.01
a:0.3068136687910984	of:0.19636869225758502	the:0.1465365226531285	in:0.09208286102930663	to:0.062171152499655796	for:0.056513902647360836	and:0.050070880131702224	that:0.047067046546907534	which:0.03237527344325509	:0.01
in:0.6341732297212759	In:0.25618185798559967	of:0.029662705611363704	the:0.019946274961280232	by:0.013969560579912568	iu:0.011877424262511985	and:0.009640395710314994	for:0.009237664293883282	to:0.005310886873857505	:0.01
;:0.30220667183193684	it,:0.13621110836743158	doubt:0.11840340910211916	him,:0.10586082606151845	is:0.10003855235182507	time,:0.06413846382730465	them,:0.05583201947746671	nothing:0.05367572238776774	,:0.053633226592629854	:0.01
<s>:0.2087584395371831	it.:0.19537403239790388	them.:0.16115429142153034	him.:0.08966055646053193	time.:0.07457973471843563	.:0.07249118638984156	years.:0.06578996745015628	year.:0.0657178816857478	day.:0.0564739099386695	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
of:0.3869783035647579	in:0.21492185207099654	to:0.11178530117010436	and:0.054119153678918765	that:0.048623188379915666	In:0.04780578328085678	by:0.04507216933149293	for:0.04125300597992876	with:0.039441242543028415	:0.01
be:0.2094589950454189	I:0.16667358847853803	he:0.14023957560114994	they:0.12240053603291122	was:0.08288303826540082	been:0.07027905217311148	not:0.0685880813307133	and:0.0673773579840678	ever:0.06209977508868847	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.29187764604094735	of:0.22178196805794081	and:0.12194274173166579	a:0.07943900673134333	to:0.0772972271610953	at:0.05837903430942658	in:0.054015147310237904	be:0.04423005804037607	his:0.041037170616966816	:0.01
and:0.2273085794466238	made:0.208650458059006	that:0.11061789761233745	here-:0.09983313661539571	or:0.08141396852038764	taken:0.0725463702371297	up:0.06746664061564744	owned:0.06142509530554153	done:0.06073785358793076	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
in:0.20144762439043964	of:0.17446914410521497	to:0.14579793476058087	with:0.1175258805749038	as:0.09724121834194109	and:0.06936740171715461	is:0.06676781647289115	for:0.06605829374180944	at:0.05132468589506446	:0.01
<s>:0.5911664716768236	.:0.09254162861311349	it.:0.07581705834204039	them.:0.05818195815929814	day.:0.037726686386629994	him.:0.034790603659583	time.:0.03473040556580825	of:0.0340401802064035	country.:0.03100500739029967	:0.01
last:0.29286514066996117	the:0.13749136416970587	Saturday:0.11452405282674623	at:0.11398689748106049	Friday:0.08780543760808354	Last:0.07504611656679246	of:0.060974424455454326	Thursday:0.058022011098502115	that:0.049284555123693716	:0.01
those:0.24405078312287082	man:0.18964406299653352	one:0.13493274774356828	men:0.13214373206459903	and:0.10687997572450006	people:0.06089981096740643	person:0.041209408153728935	all:0.040207474656711185	woman:0.04003200457008184	:0.01
and:0.2953876189038615	was:0.16428490131166157	is:0.1170663883818668	up:0.07776716508545514	it:0.07559106251500251	made:0.0665568090126541	put:0.06578409847025994	placed:0.06489134807601946	that:0.0626706082432191	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.2967920371917595	a:0.15121384737849652	of:0.14195636444249757	and:0.1204345024402632	to:0.11230952953426408	in:0.05653002079832309	The:0.03802275140670535	for:0.03725834584434017	with:0.035482600963350694	:0.01
and:0.2614488440589101	go:0.12883639368370445	passed:0.10689691468973389	as:0.08765671584786691	it:0.08697767016619783	near:0.08365113762489257	gone:0.0832563225509943	made:0.07909936580319696	left:0.07217663557450296	:0.01
of:0.29048537180703027	and:0.16271255357691405	to:0.15944444947191058	in:0.1170434205807188	with:0.07269987171026356	the:0.048559724796267	from:0.04707782088651264	all:0.046221976305266324	is:0.04575481086511672	:0.01
to:0.35773625818197463	and:0.2809833289470644	of:0.06366019721842932	I:0.05957609902579174	the:0.049207004226350326	had:0.04593436949706385	who:0.04468909427588247	would:0.04452726443160527	not:0.04368638419583798	:0.01
the:0.2725891650171908	of:0.18647846132477447	a:0.14271496714585305	to:0.08840807179006853	on:0.08833494044017683	and:0.08614370031803262	in:0.053483531617411824	by:0.03637821689272787	<s>:0.035468945453763896	:0.01
be:0.32216172540998717	was:0.1840357163302097	been:0.12298959168168964	is:0.09509485228624488	have:0.06107809683187759	are:0.05889883866075707	were:0.05730359147502235	has:0.04449171456965657	had:0.043945872754554915	:0.01
the:0.31904360573278207	of:0.17315917076143733	and:0.12534789090235726	to:0.09647386236527573	a:0.06334210630031535	his:0.0538857038172744	their:0.05387849831842087	be:0.05312243736196245	in:0.05174672444017449	:0.01
the:0.23910293602355914	and:0.18307259900118653	of:0.18129761300896996	to:0.11155062029763856	is:0.059344376735092935	a:0.05879161987980056	in:0.053621300238998464	was:0.05252409839899083	be:0.05069483641576297	:0.01
June:0.3313196372222978	July:0.12332811699011775	10,:0.11954821077574843	March:0.10126065479771698	of:0.07588161725346425	April:0.07197638077449174	May:0.06390965148196068	November:0.053044652941840936	August:0.049731077762361575	:0.01
of:0.34823255409375964	and:0.13807414806110588	to:0.12951697609390606	by:0.08903143990926371	in:0.07102352909774921	that:0.06479148551400096	from:0.05445002648480907	on:0.05421708475490136	with:0.040662755990504104	:0.01
<s>:0.5577885891176892	it.:0.11270828429500629	them.:0.0635143413259071	him.:0.05654963485486736	time.:0.04630480635520237	.:0.04543665217754153	country.:0.03808489837591448	day.:0.0377427282665397	of:0.03187006523133192	:0.01
and:0.24532520474320918	there:0.16610954869774408	to:0.09978975004131933	of:0.09355438019991526	he:0.0837805416697179	the:0.0800428505777564	or:0.0773676272776924	I:0.07606268748147998	is:0.06796740931116547	:0.01
and:0.27169980257244286	was:0.11184075337002325	file:0.10845453490691333	that:0.1051508243735093	made:0.10493328986733919	is:0.08139378364250742	but:0.07267309056949599	people:0.07250388573087883	them:0.06135003496688983	:0.01
of:0.3372668786434339	in:0.24860498023086597	to:0.12417690929062365	In:0.08132212054565427	from:0.05181246966373128	and:0.04291678100319562	by:0.036527601337216026	that:0.03371702300512034	for:0.0336552362801589	:0.01
the:0.22059310348035344	of:0.21238349649058813	to:0.13982379921302884	and:0.10856538937506058	a:0.0833803858496462	for:0.07123225758499563	in:0.07047143623134389	his:0.04475245765802027	be:0.038797674116962985	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
is:0.2229013708296558	that:0.1634460784676385	was:0.12810361238057974	do:0.0998575157905102	and:0.09062559823500094	have:0.077686494579082	for:0.07404722968721328	are:0.0681719187562513	be:0.06516018127406843	:0.01
of:0.27021003282791584	the:0.19401579300525088	at:0.11474532493689647	by:0.09489290077128217	.:0.08448762893783852	in:0.06964869401462401	<s>:0.057471399918390585	and:0.052413035676949896	to:0.052115189910851525	:0.01
and:0.2862160796520936	was:0.14288709712572803	is:0.10013179325919742	up:0.08704755478894143	it:0.0800337757968272	that:0.07902528082567176	made:0.07455522224474313	them:0.07077100263027977	him:0.06933219367651765	:0.01
No.:0.19098783190715046	at:0.17633142335564897	U.:0.15467220244836374	of:0.1132866049109704	to:0.09635746368141128	and:0.08881551321001707	.:0.05972187972328749	lot:0.05948645826237698	in:0.05034062250077361	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
of:0.33830169458762843	in:0.2777785947249502	to:0.09992793759386688	In:0.07001694210739709	and:0.050905886599797244	from:0.049475768193489825	by:0.0411045366737345	between:0.03481734917279627	for:0.027671290346339687	:0.01
the:0.5179350615629996	of:0.1538409682508166	to:0.059570648315227	by:0.05046843998943949	said:0.047925175263085554	and:0.04634031563719833	minutes:0.03915625917771992	in:0.03757095553019675	tho:0.0371921762733166	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
at:0.44659958304188835	for:0.13512240030818584	of:0.09415066394754064	to:0.07954829232875775	and:0.05386871356290936	At:0.05022258079577466	during:0.04413469830326203	that:0.043380736563209045	in:0.04297233114847239	:0.01
and:0.3254243009009799	so:0.13004555675901283	fact:0.1273173719299964	know:0.08967460936850209	said:0.07440366454879636	is:0.07395428550290474	say:0.07298005043663557	but:0.05159215888179986	believe:0.044608001671372244	:0.01
two:0.15272778357931047	many:0.14875111409787473	three:0.13276058133852914	of:0.10777327339907451	five:0.10485487175196291	for:0.10444988926846735	the:0.09222873045085288	four:0.08599309880251228	several:0.060460657311415734	:0.01
to:0.25899009985987886	and:0.20691113851486853	of:0.12222836551254562	the:0.08594736535787019	is:0.07480810658605944	in:0.0664871705332616	was:0.06439095079885332	con-:0.05644473110180624	will:0.053792071734856284	:0.01
the:0.3775425180736273	his:0.2566540153715747	their:0.08587110596726863	her:0.056623290723898684	a:0.05135629474770753	of:0.04657894357131668	to:0.046350605863676585	my:0.04124464883497391	its:0.027778576845955937	:0.01
the:0.6008047089315449	this:0.17415207492500592	The:0.057007053050044665	a:0.03308704865935834	that:0.03136866746244439	tho:0.029538246689432855	said:0.023921422860828136	and:0.020586037060652495	our:0.0195347403606882	:0.01
the:0.5555263933687625	a:0.18509414644794303	of:0.07800779553454759	for:0.05044133637291186	and:0.043027986169511284	The:0.0269889398319638	or:0.019467782037085584	tho:0.016768046875682025	that:0.014677573361592287	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
the:0.5985326775383882	of:0.12094201479313334	and:0.07114294985210792	this:0.06655254242300727	a:0.03491586234377041	White:0.025548539003824457	every:0.024428180335799566	tho:0.024368541201789256	for:0.023568692508179584	:0.01
the:0.8107615539440876	tho:0.045622912221726875	a:0.030015739985921455	our:0.021724847766899657	of:0.02125440322317355	his:0.016327262189528517	their:0.01625953688699681	tbe:0.015114130491535104	its:0.01291961329013058	:0.01
virtue:0.21738001102627372	out:0.18977337920912904	part:0.11522775944009786	one:0.10400846177203443	quarter:0.09462884564091131	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
to:0.3012069073444253	will:0.19578003326406937	not:0.10792683882584268	would:0.08859787213986703	should:0.07126050845661122	and:0.06428864776315385	they:0.05744312523539871	may:0.05297356648350398	must:0.05052250048712794	:0.01
the:0.38290817737510735	of:0.15618072680277578	a:0.11343600680787246	and:0.09681646489518915	.:0.05876181753002737	<s>:0.05218925182403723	to:0.0486229492584228	The:0.046483246409723816	in:0.034601359096844045	:0.01
the:0.30066537045736186	of:0.18083337303704702	and:0.14849071523579158	to:0.13697527746982274	for:0.05023447445190032	in:0.049590724586391306	be:0.04591187306033971	is:0.04039018647411833	was:0.03690800522722708	:0.01
of:0.41033700711952237	to:0.10040482029615216	and:0.09456676640131279	that:0.08816330449922112	in:0.07488330867200273	with:0.06997033945092133	by:0.05418137895879856	for:0.05403029603212323	from:0.04346277856994571	:0.01
and:0.31286185059463134	he:0.2108879691576371	one:0.12707851833841988	that:0.07138480902629708	who:0.06887322428055268	it:0.055677004473699436	which:0.05329892365496511	as:0.045306847708024865	He:0.04463085276577261	:0.01
of:0.3115572421256441	in:0.15904315724144535	to:0.11879012216735421	with:0.0767338351887762	and:0.07477529697200207	that:0.06868690907203401	for:0.065392782545963	by:0.05852746907194358	is:0.0564931856148374	:0.01
and:0.253536160646808	is:0.12663561767712206	have:0.11123844904901607	he:0.1042419098921631	who:0.0941414671342174	was:0.08308634209197469	be:0.07643770053079445	they:0.07142320755094943	has:0.06925914542695485	:0.01
of:0.2133493671836974	the:0.21088349975597964	and:0.1910398884085585	to:0.12086633609082337	at:0.06655252345852292	was:0.054267415929995774	or:0.04823765391612573	on:0.04494550662128205	that:0.03985780863501461	:0.01
was:0.21104504908820312	be:0.20022211936742393	and:0.1275985678191331	is:0.11371461864631723	he:0.09999281350534861	been:0.09810832650602491	as:0.06085975900139762	He:0.0425368261642165	were:0.03592191990193492	:0.01
of:0.4753639631833421	to:0.08078514724821369	that:0.0802891005850162	and:0.07397783358503095	by:0.07348898393626442	with:0.058682638035896566	in:0.05675517790774763	for:0.05077529625271042	from:0.03988185926577794	:0.01
of:0.33406129049648303	to:0.12049264072633424	with:0.0963336285288878	and:0.0939645479779181	is:0.0864883967561169	in:0.08226092310789548	that:0.061430624386753084	by:0.057631216891386707	for:0.057336731128224655	:0.01
the:0.7204397704560846	The:0.09874164717887406	tho:0.04508739253550503	a:0.0391382243181943	his:0.030032661199816544	tbe:0.01592280496532991	this:0.015608687448647973	my:0.014770131432533968	their:0.010258680465013461	:0.01
the:0.4790845641585334	this:0.22915417919684658	said:0.1013067490056031	a:0.09002666125713463	that:0.024236453949254236	tho:0.02402220678341861	and:0.014987392717818092	our:0.013715561610013213	York:0.013466231321378086	:0.01
of:0.3151764515399865	and:0.2355707191431248	the:0.14504745620688425	.:0.07879494061664336	to:0.06889402592111513	Miss:0.04348090478541238	<s>:0.037769342982602344	No.:0.03342692220554837	by:0.03183923659868297	:0.01
and:0.19423278549404546	that:0.1735200669207176	which:0.14007729114344217	as:0.11861217702330175	when:0.10209338985122181	but:0.08573894019622778	if:0.06636295041437362	where:0.06352622032695891	because:0.04583617862971107	:0.01
there:0.21319349746577138	It:0.17450245338521095	it:0.16351697111799585	he:0.11784821607556599	There:0.11146525109273697	He:0.07469814231772813	and:0.04848606990931673	I:0.04675437500190943	which:0.039535023633764425	:0.01
they:0.35034695258244347	we:0.11713423007804442	and:0.10973360416336267	which:0.09610921328216321	They:0.09108363146392567	who:0.07038995250797857	that:0.06615854202020259	men:0.052935676741788854	it:0.0361081971600907	:0.01
from:0.2523496724972243	and:0.19953379170868604	or:0.15686336351686836	of:0.09324575435844025	in:0.07109406052204618	for:0.06783082279805205	with:0.05578901712384072	to:0.04825308411272398	are:0.04504043336211804	:0.01
be:0.2890315124833315	was:0.2515337711651928	been:0.16678238920714533	were:0.08361270619119031	is:0.07704624225859023	are:0.046164442220794445	being:0.03315682788147072	and:0.022922749002701436	bo:0.01974935958958331	:0.01
of:0.24373151028703827	in:0.2126519040879478	the:0.2079418907744951	to:0.08457807818478726	a:0.08339877153019665	In:0.05287718745764576	and:0.04848617826018974	from:0.031756559837145315	that:0.024577919580554126	:0.01
thousand:0.34269750937019045	of:0.21496210869863192	hundred:0.1494151169071818	million:0.10461610529564355	fifty:0.05717939847073178	many:0.04024990182366608	billion:0.03133244932839678	few:0.025840219689986066	five:0.023707190415571632	:0.01
the:0.3862931248559556	this:0.2125502869185093	an:0.09510235053154224	that:0.09130392474042076	The:0.07290744813830147	and:0.03803354911743017	to:0.034953922675306746	This:0.02973265072667983	An:0.029122742295853727	:0.01
it:0.3762269655965334	It:0.27252798126490196	which:0.07596326427749084	he:0.07514218761586687	and:0.05565170707524191	that:0.05554938222959556	who:0.02674695844707282	He:0.026427343289714373	this:0.02576421020358197	:0.01
the:0.3297121131195526	of:0.1705886535858483	and:0.1446577592555162	to:0.10051021003135918	a:0.053246662954900915	in:0.05206512744680528	is:0.04756477952322521	that:0.04697358210542376	as:0.04468111197736852	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.12537937924608727	and:0.10985980430753879	in:0.06240993305390327	for:0.06192854377065039	be:0.05083764956696977	was:0.03700580416928512	is:0.0336844012946531	:0.01
the:0.40203826747209637	in:0.2781356805358473	a:0.1455547255431513	In:0.07252028607362312	The:0.019697763133043594	this:0.019524671467952923	any:0.017979209906185168	tho:0.017481983514254566	every:0.017067412353845658	:0.01
and:0.23269702242011067	made:0.22981759683133623	or:0.11115481161761777	that:0.07236086063876271	him:0.07054273789002967	followed:0.07041660789627405	owned:0.07020071888558449	ed:0.06697266320322266	accompanied:0.0658369806170616	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
he:0.27815866773025816	I:0.20086306868199327	they:0.10324245838274379	have:0.08204658689404552	she:0.0773412187927813	and:0.07216353790499624	who:0.06541637249810138	He:0.06187836700934051	has:0.04888972210573986	:0.01
and:0.17476227470445133	as:0.12524285143007965	him:0.1087251294816839	is:0.10718389141801617	able:0.10051212622294231	was:0.10033843243537423	went:0.09171388694152183	had:0.09093134797978025	enough:0.09059005938615022	:0.01
to:0.278229872130761	the:0.2246755662734158	and:0.17087478187575425	of:0.11870864087830596	in:0.06484426449128167	a:0.05033560994429486	his:0.03957556537938149	will:0.02241223291149884	her:0.02034346611530621	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.3652783360330857	a:0.16280792020096468	and:0.11155958758060733	of:0.10968144203941521	to:0.06420676262514785	in:0.062354231777412006	at:0.05174743323400193	for:0.032966363730833656	his:0.029397922778531822	:0.01
made:0.253389517993468	and:0.22176822069153854	or:0.08878399155794628	owned:0.08231843062326326	that:0.0750728824533108	followed:0.07339930812527455	accompanied:0.06951137935797252	ed:0.06409365545625813	given:0.061662613740967896	:0.01
Silver:0.19672055816983813	Lode:0.18873447106491423	the:0.13934046631024188	and:0.12534057475556912	Hill:0.11280076589459347	Eureka:0.07179394208794747	<s>:0.05852001073935305	Gold:0.05006855602290059	City:0.046680654954642006	:0.01
the:0.19973673748319962	south:0.18702779361968208	north:0.15982485632839313	east:0.14416008078002449	west:0.1271368694625307	one:0.06117723817628734	other:0.050782521233723094	either:0.03197613557020537	a:0.028177767345954213	:0.01
was:0.24223643999769526	been:0.23247686953741192	be:0.2164031365268746	were:0.08005245952483744	are:0.06251414526059527	is:0.056876861068176694	and:0.03818361705483371	not:0.03352327823067468	duly:0.027733192798900425	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.29348734035947927	and:0.21800905869438575	of:0.15798693257990812	The:0.07098336672023307	that:0.06016316734182636	these:0.05256309489874121	These:0.04957857554119429	in:0.047710532982857816	such:0.039517930881374175	:0.01
the:0.178773384293596	and:0.15905693441419114	of:0.1507009654572478	to:0.12785537177660436	be:0.1151551695765266	a:0.09109342413565304	in:0.05932541876549419	was:0.0550093693954189	is:0.05302996218526802	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
was:0.2651277875889499	be:0.2294639964385967	is:0.13897979843834093	been:0.11727216853602349	were:0.07639052636826461	are:0.058467888163787354	not:0.03974868382184834	being:0.03273187646036858	and:0.031817274183820056	:0.01
the:0.2654899918975592	of:0.203025248090503	and:0.17745177002204057	a:0.10906588913129457	to:0.08229544085247792	is:0.03898604755417158	in:0.03848381359077558	be:0.03769492273598597	or:0.03750687612519164	:0.01
and:0.17722291469113738	of:0.1320986679916092	put:0.12922151543728752	as:0.12006344742945622	make:0.10394397296081156	that:0.09994954798090332	for:0.08271405305777428	to:0.07588001229998377	with:0.06890586815103679	:0.01
the:0.7084748909891674	of:0.08959600576667098	said:0.05029068544321294	tho:0.03639284806498128	in:0.0320836256875454	on:0.024902207142238	tbe:0.020430218899601824	and:0.01417499077955277	The:0.013654527227029456	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
a:0.22038241613257528	the:0.1888154882958725	no:0.16202922138602852	to:0.0929903583943893	his:0.08503759600568864	their:0.0765103035358274	of:0.07645576616684295	and:0.047996388897719594	any:0.039782461185055795	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
more:0.24813147799626448	and:0.17526668880054086	of:0.15936647198193363	the:0.13348417098913629	other:0.07152810874453006	young:0.0607542239703943	to:0.054255229736654156	for:0.05061863723238316	that:0.03659499054816305	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.5555263933687625	a:0.18509414644794303	of:0.07800779553454759	for:0.05044133637291186	and:0.043027986169511284	The:0.0269889398319638	or:0.019467782037085584	tho:0.016768046875682025	that:0.014677573361592287	:0.01
the:0.3365719222350217	of:0.14812581164726848	and:0.13489719198814792	at:0.08303679897705733	a:0.08097686005028398	in:0.07249269411802899	to:0.06561585835880988	for:0.036787622231500325	The:0.03149524039388142	:0.01
of:0.3713469509544565	to:0.1514708017555304	that:0.10527984797247181	in:0.08678755123882	and:0.06990737924797069	by:0.06375572719248994	on:0.055288338966648115	for:0.04561655489153375	from:0.04054684778007883	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
I:0.37991670219184825	he:0.1834798836020112	and:0.11568034828882882	He:0.06079307328331468	have:0.05746534663364207	was:0.05262426866575919	had:0.04733838365702512	be:0.04650384211368068	is:0.04619815156388993	:0.01
was:0.22484331850131328	be:0.22464236590586964	been:0.10711681268044008	and:0.10418148874794828	is:0.09087816662828932	are:0.0704519652305629	were:0.06895766923638202	as:0.05862179222833112	he:0.04030642084086341	:0.01
went:0.15346380362740233	made:0.13638640620639564	taken:0.13546337047865747	came:0.13307667634673748	it:0.10640805829100759	come:0.09612208509579995	put:0.08493417572777472	brought:0.07807843290193678	and:0.06606699132428816	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
that:0.2415521083461118	and:0.19850525708794498	as:0.16401188787558854	but:0.09188130125952035	which:0.0801577968273156	when:0.0785606801321601	if:0.06981364666883094	where:0.033869873879306414	of:0.03164744792322123	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.18986383946160562	go:0.1313008589125538	going:0.1309620202896538	work:0.10689597319887	carried:0.09881110789498941	them:0.09439722033459282	put:0.08068533560316976	that:0.08051329016795178	interest:0.07657035413661306	:0.01
he:0.27865998110427664	I:0.1472457698769281	it:0.11067583868141541	they:0.10445650480707752	who:0.07905499562408862	and:0.07166525319833728	we:0.07073307200702383	that:0.0707131200968545	she:0.056795464603998126	:0.01
is:0.21492722357732127	are:0.12773452589139314	was:0.1251324633894406	and:0.11342784702323139	as:0.10784476023819126	the:0.08899395970281827	be:0.08427557878670533	were:0.06478432737454336	more:0.06287931401635546	:0.01
a:0.25171587127995587	and:0.24946989163200056	as:0.08700407859013799	be:0.08503983312852836	it:0.08309241174328068	is:0.06581110569623118	was:0.06350671679343217	of:0.05697411708341744	he:0.047385974053015624	:0.01
of:0.2381719860295494	and:0.23415746017761663	in:0.11598353395473782	to:0.10227189079610367	fact:0.07859923495468527	said:0.06648519540808896	on:0.059675812679062315	all:0.049591757945495966	is:0.04506312805465998	:0.01
and:0.3093433499300614	the:0.17375573474119338	a:0.15041315102496863	or:0.08274324684342431	<s>:0.0679734203659331	one:0.06354368924901496	that:0.05084896877825935	to:0.04846776910157711	.:0.04291066996556768	:0.01
and:0.1922585704635089	to:0.17825602697632245	of:0.15906227209123752	the:0.10243085731022297	in:0.10073896372615924	be:0.07747750431924467	was:0.06721778125833067	or:0.05797000006303755	is:0.05458802379193606	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.8117483844771775	The:0.07024379905802508	tho:0.04668214182185011	tbe:0.01553669104060278	this:0.013211881038318949	and:0.010126998017710807	our:0.00811065006633748	that:0.007497632275069142	a:0.006841822204908244	:0.01
that:0.371739867996464	which:0.11851866647349125	and:0.11799120008495087	if:0.07779864410619086	as:0.07513205183763351	but:0.06614765438119001	where:0.06504322807420472	when:0.061911374323883606	If:0.035717312721991044	:0.01
of:0.29560819023359286	to:0.13864291234163328	on:0.12043910761918374	and:0.11015366700857986	with:0.07452574614862813	that:0.07002143386846331	by:0.06563754164827461	in:0.0637238563930813	from:0.05124754473856287	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
their:0.17254073871667722	who:0.17090142651695073	the:0.15567534668722924	his:0.13414186701532044	our:0.07975442443674319	and:0.07916846745731335	not:0.06903683297367993	my:0.06776193785431113	he:0.06101895834177479	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
Baltimore:0.5910112444578488	Chesapeake:0.34749630561121136	John:0.009376790553861354	William:0.00808855440462199	James:0.007647868032791275	hundred:0.006928899533931902	wife:0.006734925613831359	gold:0.006587419051459953	Robert:0.006127992740441983	:0.01
<s>:0.3014446482323005	him.:0.1498100205979135	it.:0.11631719495888909	complaint.:0.0882883934294278	them.:0.07149474591396346	day.:0.07147310010452777	and:0.0669642247459881	time.:0.06218846924386825	years.:0.062019202773121514	:0.01
a:0.5810329983253657	the:0.22832109750349877	very:0.05522570602601306	A:0.02854711911284837	but:0.026466325486611916	The:0.022916750316935287	and:0.02114718963017977	is:0.013221469382737204	his:0.013121344215810066	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
;:0.2588611970709363	it,:0.18447127095098959	them,:0.11050048845933373	him,:0.09235461919102587	in:0.0782856933389489	time,:0.072401539945486	him:0.0695881080642391	country,:0.06453690861971835	years,:0.05900017435932212	:0.01
of:0.4111353906126906	in:0.16517757611534067	to:0.09948201070084911	by:0.07488181618354799	that:0.0726871697127607	and:0.057315748356750955	for:0.0388751628202542	with:0.03779122640777685	In:0.032653899090028866	:0.01
a:0.4113437690214305	the:0.3254703690826578	of:0.05940240747375596	with:0.046148267670282316	The:0.04032139945918721	A:0.033406899661397385	no:0.02725496007544363	this:0.025360274468076954	and:0.021291653087768203	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.6116275982969169	and:0.10545104437327947	of:0.04472292794771579	tho:0.04415689803321924	all:0.04295141524301316	The:0.04279086203687	other:0.040351409346081675	a:0.0342133362393357	or:0.023734508483568107	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
in:0.38520314193378175	of:0.37193425542472724	In:0.07801178485912902	to:0.058915027574088626	by:0.023568260494406766	for:0.02254902381856232	that:0.020627067254354068	and:0.015266902709726008	from:0.01392453593122437	:0.01
the:0.6578210278018746	The:0.08911740723394296	and:0.07966693999168677	a:0.07147444796993374	tho:0.03274123591541511	of:0.02006537270181916	by:0.0188713112105493	tbe:0.013011730409489539	an:0.007230526765288942	:0.01
of:0.4408015974545586	in:0.11322779569089862	for:0.09950679981137418	to:0.09273343854172189	and:0.08684509562710459	by:0.043868853155244976	In:0.04374907740255308	as:0.035437688158143334	is:0.033829654158400654	:0.01
of:0.23716516873665658	for:0.15183039415508137	to:0.15127043840541268	in:0.13666557885790934	and:0.09320444454015481	with:0.09218749872094513	all:0.04565648569266405	that:0.0418824673347003	on:0.04013752355647586	:0.01
executed:0.16935823017967777	up:0.11931606528230317	him,:0.11923996878473939	them,:0.11818009267037957	him:0.10640170452313939	it:0.10068916303314945	it,:0.08729508317870734	men:0.08716372612934128	them:0.08235596621856268	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.3543376880698696	in:0.19804918254739892	to:0.1577033212923816	for:0.061130806025578306	by:0.05901181937227267	with:0.0582551182003912	from:0.04121752961683622	In:0.0343670625827042	between:0.025927472292567352	:0.01
the:0.27615638975920154	and:0.1951484318952896	of:0.1346214267580786	a:0.12254715475321307	his:0.07667209144904673	in:0.057625354667864614	to:0.04867393135903742	their:0.04813260247848006	for:0.030422616879788315	:0.01
the:0.7735903169839718	The:0.0768622762890158	tho:0.04709278873504949	a:0.02369365674499801	tbe:0.018943286587598092	and:0.01730876042482567	no:0.01283103099810288	further:0.010369241106895771	good:0.009308642129542553	:0.01
of:0.21844432572401162	the:0.13952211781789228	to:0.13543183717850577	and:0.13219280151729376	for:0.1281498469628861	in:0.08591410795736142	a:0.08371673089218191	at:0.03575781216888307	or:0.030870419780983985	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
the:0.30108970112719763	his:0.23922142074887034	a:0.17068711872697945	my:0.0786566926696679	her:0.06064955832118678	and:0.05800952771230166	their:0.032707920563524104	your:0.028674091233509842	of:0.02030396889676211	:0.01
and:0.337291893652781	so:0.12479811775737729	say:0.09731998655540983	fact:0.08972889028296344	know:0.08081272560971962	said:0.07728661770633168	is:0.06952093330887803	all:0.06044144952898566	show:0.05279938559755335	:0.01
State:0.20557835537010977	city:0.13764550076271512	one:0.10999765642275489	state:0.10467308901724323	North:0.10243321456401944	day:0.09734749957949929	lot:0.0816026720389182	two:0.07771106278722104	county:0.07301094945751899	:0.01
to:0.4023597946107926	will:0.20204296410416164	shall:0.0836521703407067	may:0.07842065538977257	not:0.0625816501623682	should:0.04342336110623118	would:0.04264198748341877	can:0.0425465366793335	must:0.03233088012321491	:0.01
the:0.2910969601213505	at:0.20163206174287193	to:0.10951901333369211	be:0.10500030723247292	was:0.09913808737616232	were:0.05232478787536156	and:0.05037442248922699	is:0.04760197722539237	not:0.03331238260346925	:0.01
at:0.22053214971057505	to:0.1583247719297158	in:0.1317607967698987	of:0.12974183833467198	and:0.09290115479760698	on:0.08956662106006981	for:0.06890077258687918	from:0.06103460683340176	In:0.03723728797718064	:0.01
at:0.44659958304188835	for:0.13512240030818584	of:0.09415066394754064	to:0.07954829232875775	and:0.05386871356290936	At:0.05022258079577466	during:0.04413469830326203	that:0.043380736563209045	in:0.04297233114847239	:0.01
the:0.25533460727049956	and:0.20610306713581766	of:0.12083930905472434	to:0.09606507596447902	for:0.07692082258265392	or:0.06305416228986642	in:0.06256745572774812	be:0.05983040214564902	are:0.049285097828561934	:0.01
one:0.20245746580888513	day:0.1285736222855022	that:0.11188715551992376	daughter:0.1090974894874036	motion:0.10265497663675957	tion:0.09180666855680497	part:0.08437844509128496	son:0.08386156527495149	out:0.07528261133848424	:0.01
the:0.29981178950142023	to:0.1453021893711585	and:0.1400790134069616	was:0.10832356120423033	be:0.07576850374482703	were:0.0649974496905034	of:0.0565604400454358	a:0.05260235812766833	is:0.04655469490779474	:0.01
one:0.22043979554334728	part:0.17073202577386606	out:0.1504453831229998	some:0.08943673051487451	side:0.0779259956881897	end:0.07349403345130155	members:0.07129904224908563	portion:0.07021530842224585	all:0.06601168523408947	:0.01
those:0.23593911471604145	and:0.18855155676058805	man:0.1662992306494037	one:0.10268099651193709	all:0.09242796640981052	men:0.08467060816706533	person:0.04545975223246271	persons:0.03890195890403884	woman:0.0350688156486524	:0.01
to:0.3457198529266166	will:0.236498394115841	would:0.13759521963136906	may:0.0673944449425821	shall:0.05905030450265586	should:0.04960071642528487	must:0.04153944623877345	not:0.03540599644457872	can:0.01719562477229838	:0.01
of:0.29427840420111334	and:0.19037350337791353	in:0.11041665492830458	to:0.0953233373283196	at:0.07052500963088408	that:0.06631245887492296	with:0.05553709306732293	on:0.055516148861375486	for:0.0517173897298435	:0.01
to:0.3122469870921608	will:0.20485207897649774	would:0.10217401539184749	not:0.0847424183929901	may:0.07385012372252263	should:0.06998515730852457	shall:0.05981425406312099	can:0.041262580581240854	must:0.04107238447109475	:0.01
have:0.33678358380620754	has:0.32245235288087337	had:0.2251753779980466	having:0.03200111324083943	not:0.028814512494305628	never:0.013784360363262431	lias:0.012114861157299704	bad:0.010454826459361518	ever:0.008419011599803706	:0.01
well:0.21321257425074594	known:0.1833023137221186	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.06163044115944836	such:0.04848962176196867	just:0.03999506790086283	much:0.03382539293359975	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
and:0.26745267416887475	Beginning:0.22525587652116277	was:0.11377028395927055	Commencing:0.10809071640443553	is:0.07344548581441636	that:0.051702392669663144	look:0.05066270801955132	it:0.049895643535544223	him:0.049724218907081376	:0.01
the:0.22172023892309115	of:0.1544891538036754	and:0.1135846508689145	a:0.09386538603318526	an:0.08847174821825282	-:0.08766195108438138	i:0.08336830757296743	.:0.07459740798853859	to:0.0722411555069935	:0.01
was:0.23724020908833185	is:0.16038524331931078	are:0.13564821996149287	be:0.12777515709817194	been:0.12393414908327693	were:0.06888693308329584	and:0.054823971976454104	not:0.048929632794236004	has:0.03237648359542977	:0.01
the:0.5563039994191152	at:0.08578155832963007	a:0.07642662731624528	of:0.06985380207039615	and:0.06474523365201952	The:0.044939026898576116	tho:0.03305808239148508	to:0.032546245069931846	in:0.026345424852600653	:0.01
to:0.20987367099070287	with:0.18057435199723	of:0.16674637200623724	for:0.1237286629260613	told:0.07551045130892603	upon:0.06798886502132284	in:0.058603043962676786	among:0.05727395603161881	from:0.049700625755224014	:0.01
of:0.27418577055124627	and:0.14728130484340796	to:0.13331548033857005	for:0.09561190270011272	on:0.0813849853605339	with:0.08127583352621784	in:0.07633487724122957	as:0.05116392723876523	all:0.04944591819991652	:0.01
the:0.4977873005177639	of:0.10144481163097921	in:0.09702521870926427	and:0.09245393865169171	that:0.04609871071012759	a:0.046042658625165156	to:0.04163338039941659	tho:0.0339479915437389	The:0.03356598921185276	:0.01
the:0.297492901961497	of:0.17741408266195474	a:0.14645768029163828	and:0.09158810426380848	or:0.07279359814981	to:0.06981668528850316	in:0.0589873299937157	any:0.0419198791673564	be:0.03352973822171621	:0.01
of:0.5008473278580264	in:0.18447464932129753	to:0.08732166275834825	and:0.04372162724310332	that:0.043073732994372074	for:0.03570097777797619	by:0.03435677843380198	In:0.031040538296658215	throughout:0.029462705316415816	:0.01
and:0.32480818460700095	was:0.12007710476872065	is:0.09707305255864618	are:0.0918105949135527	that:0.08946571511726491	divided:0.07552684926040101	it:0.07313056367847452	be:0.061469822901463585	him:0.056638112194475544	:0.01
the:0.4451851389710155	this:0.25016185012744496	our:0.0895864414954694	The:0.035682108696459595	other:0.03563744715725719	a:0.03546980456807708	tho:0.03315804683093842	his:0.03310730773984756	of:0.032011854413490345	:0.01
it:0.2774822979725539	It:0.19754314725679648	which:0.12651385198976978	that:0.09240520006089892	he:0.06737366672562585	there:0.066562411311481	and:0.06455365279069679	This:0.053004398814229005	what:0.04456137307794832	:0.01
of:0.20714654421516396	to:0.20304069062714714	in:0.19433967218387188	is:0.08522672349430793	with:0.0831585381973107	and:0.07017718492454866	on:0.05275683696843519	was:0.048229330844079994	that:0.04592447854513457	:0.01
sum:0.3539514508613801	rate:0.17244903046905766	one:0.08891524464089454	amount:0.07331814878778507	out:0.07066043298146303	number:0.06500378352768377	consisting:0.060053059426700514	instead:0.05336354511059119	period:0.05228530419444427	:0.01
to:0.5393039065409442	I:0.08890911411858664	and:0.08663130249191711	will:0.06968319515022305	they:0.06005428518813382	would:0.04487778846159187	we:0.03771739515513489	can:0.032056690846208984	not:0.030766322047259508	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.27043753116596675	of:0.20367993055861705	a:0.15712601799913412	and:0.1250452860726485	to:0.05728629643349302	in:0.05498027858698372	<s>:0.04492726624668266	be:0.03888388958847338	or:0.03763350334800072	:0.01
and:0.29823921726519337	covered:0.10875528921265473	do:0.10569003093907381	met:0.09216422287294139	him:0.09058128041072476	man:0.0746749440805615	filled:0.07414676506511417	parallel:0.07295532897371344	together:0.07279292118002276	:0.01
the:0.6087123969674177	a:0.2055201336672046	The:0.06615325736708319	tho:0.03365314542492036	and:0.027102871961316725	A:0.01386260187875837	large:0.012555131620937222	tbe:0.011290187050143398	said:0.011150274062218364	:0.01
and:0.2663591603566405	of:0.1444134399277054	to:0.13965468279450494	the:0.11545288046294258	in:0.09784587664794714	or:0.0675387383038842	that:0.06504972812634334	for:0.04685738216435673	on:0.0468281112156753	:0.01
no:0.16891986776945608	any:0.15368506943796195	that:0.13019338662169797	some:0.1208229648210389	of:0.1171642342168644	the:0.11442775138685266	only:0.07094305764378137	and:0.05746332720321915	but:0.05638034089912748	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
no:0.32208809643357134	or:0.16673264726479237	and:0.1511725620437661	that:0.0722477247791538	any:0.06628279926058153	the:0.0658084470877406	much:0.061576953403432964	if:0.04882097276080134	of:0.03526979696615989	:0.01
from:0.21802200205555064	the:0.19694833446729548	in:0.12247782210057058	that:0.08945903226427072	some:0.08261572909543535	any:0.0797247730890875	this:0.07278699757577482	a:0.06676927872790638	same:0.06119603062410855	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
that:0.3166199567907543	which:0.16109474582358582	and:0.13002112740276922	when:0.11524849686583724	as:0.07812196816443971	if:0.07333780067076104	where:0.04077486076534284	but:0.03797876984663273	to:0.03680227366987709	:0.01
to:0.31183925208060853	will:0.126130591692272	t:0.11984709946223056	that:0.09195814575382462	would:0.08591361815159086	and:0.0853485014069716	I:0.06613257642948804	may:0.05734860361106113	which:0.045481611411952734	:0.01
the:0.33961226183449883	this:0.1959797565801774	first:0.10942538631783294	that:0.10728908460808542	his:0.065232016029009	second:0.04605767578501657	same:0.04447849872629587	on:0.04287379432459594	any:0.03905152579448812	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.46951559820730054	National:0.14253362522005367	State:0.09627178350415681	a:0.06691439596259798	said:0.06408375382879396	City:0.04558028726628463	this:0.03677061428106033	our:0.03465453710663649	Constitutional:0.03367540462311565	:0.01
to:0.3658314286477493	with:0.1690746288339811	for:0.10706984902440497	brought:0.07146811450847	by:0.07035966891881214	put:0.06295767823794075	told:0.04988010447781668	get:0.04853202025607349	let:0.04482650709475159	:0.01
sum:0.18660346400208067	amount:0.14113071889989057	number:0.1282359702472041	out:0.11916988247675848	purpose:0.09069241232633117	rate:0.08735451040047423	means:0.08498416672211168	matter:0.07741017629998366	all:0.0744186986251656	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.2867238218475814	fact:0.13549699702912082	so:0.11542828392073425	said:0.10337127284504284	know:0.0905758356197127	say:0.08039114239784698	says:0.0616291919311895	believe:0.06145633205974809	of:0.05492712234902334	:0.01
and:0.25207630807212883	the:0.1590776369175443	to:0.15773558448492864	of:0.134008835886489	in:0.07715387433799809	he:0.054225800065998656	that:0.05325079287740025	or:0.05204646639327736	re-:0.05042470096423504	:0.01
of:0.3668105514639491	in:0.12549431243681025	that:0.12056721673914352	to:0.11115240702912342	and:0.0890950685434659	by:0.06201580936338033	for:0.04617772796271882	as:0.03538221585923146	from:0.033304690602177216	:0.01
of:0.25507669241759395	and:0.1363776340232132	the:0.11856512442438139	in:0.09138749228288513	-:0.09066709909259733	<s>:0.08593869864330979	.:0.08441231628008912	Mr.:0.08145090337632595	City:0.046124039459604096	:0.01
of:0.3747991140953099	to:0.13394281972701164	and:0.10116587541643762	that:0.08928395039628038	in:0.07961388140416793	on:0.0739245586553204	by:0.04810811291238187	with:0.04470571328220242	from:0.04445597411088782	:0.01
for:0.26494411625655967	of:0.22665392523359465	in:0.17763214647655795	to:0.08819833898214599	that:0.06401311035706027	and:0.05204338983220885	In:0.04371514684972175	at:0.03920243840960917	with:0.03359738760254167	:0.01
that:0.4250271793537512	and:0.11978837201427515	if:0.10433435584035385	as:0.07967762058304027	which:0.07284658140275924	but:0.06356925625565628	when:0.053898411289002315	where:0.039412584525172885	because:0.03144563873598876	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
so:0.3627778510496209	as:0.1628828008788099	too:0.10180567925431218	very:0.09349895917699784	how:0.09250075097756813	is:0.048115932536007	and:0.04793137148593243	a:0.046612824075591475	of:0.0338738305651602	:0.01
of:0.34149624747561397	to:0.1278360730178111	and:0.11216778053475236	all:0.09537827231696853	that:0.08541928101554858	with:0.0814243459626875	in:0.05601356730505628	for:0.04927893199911606	by:0.04098550037244561	:0.01
the:0.5931822885362648	a:0.18789824738032057	The:0.10256586834735308	tho:0.0338394185302618	his:0.020443530598432236	A:0.018007777004876758	and:0.012334527407924848	of:0.010909907000334373	tbe:0.010818435194231611	:0.01
number:0.14169504108032177	out:0.12884574321249562	one:0.12675801200171338	day:0.1217056159036365	quarter:0.11591931567571545	sum:0.10596368492508676	rate:0.08917069237748741	line:0.08389557008260028	part:0.07604632474094275	:0.01
in:0.25727302157135407	of:0.20117103428642996	to:0.1303695075687742	on:0.08424297871279053	and:0.08408676337717763	In:0.0759212513206045	with:0.07281620501384768	from:0.042608475441420705	that:0.041510762707600804	:0.01
the:0.42004914683065936	of:0.13466973569051718	and:0.11122404163358073	that:0.07335130050379035	The:0.06686076414154887	a:0.053878657084209296	in:0.04843421049538479	or:0.04344491920696621	to:0.03808722441334332	:0.01
two:0.16848443674812094	one:0.1495997428068595	day:0.12557441717281478	on:0.10540478100871553	and:0.10504742323812226	in:0.1006577325945385	more:0.1005217016194638	man:0.07075408004331267	lot:0.06395568476805208	:0.01
not:0.4288991721776458	and:0.22741168549912458	as:0.08977668084038852	is:0.06862301859654613	are:0.04388580101485544	that:0.037312240436794326	And:0.03344454048929859	was:0.03156232129244741	have:0.02908453965289921	:0.01
one:0.22043979554334728	part:0.17073202577386606	out:0.1504453831229998	some:0.08943673051487451	side:0.0779259956881897	end:0.07349403345130155	members:0.07129904224908563	portion:0.07021530842224585	all:0.06601168523408947	:0.01
of:0.3772588664624367	a:0.12656212618473955	the:0.110432792052713	and:0.10402930524749991	to:0.10190442261571779	in:0.05816027368807125	for:0.05445926089372083	thousand:0.031020291688615878	at:0.026172661166485308	:0.01
the:0.27334682895252743	an:0.16336699414932895	and:0.1542006162015566	of:0.15035192637024625	a:0.0889896472582298	their:0.050624957229128915	most:0.039270820123192975	his:0.0358693866136976	The:0.033978823102091535	:0.01
the:0.369642710007812	of:0.15957250992956987	and:0.14170296089473988	to:0.11143516048792912	a:0.05001911986048025	in:0.04851206965262653	that:0.03936717751596836	The:0.03494465814127227	for:0.03480363350960172	:0.01
they:0.17847217118259753	it:0.16602324760414486	I:0.15134345517374606	he:0.1430966036909429	we:0.08366567857401801	that:0.07336278595570511	who:0.06823307916427883	It:0.06557403143414613	you:0.06022894722042067	:0.01
of:0.2016407380265253	and:0.19586939018520866	is:0.17176643228347177	are:0.15972783229429613	now:0.06882423353441092	was:0.06333276678134317	by:0.046153044853462735	as:0.043517875434620185	it:0.039167686606661305	:0.01
and:0.1997249202441778	make:0.16500914261520036	that:0.13981232604468022	of:0.10993033154418744	to:0.1028823154060007	as:0.08176877693515545	made:0.06685494951082865	for:0.06233221087571916	<s>:0.06168502682405027	:0.01
it,:0.1609350065886096	him,:0.11635827455026435	it:0.11512247709020962	him:0.11394718558495556	them,:0.10987369221343202	up:0.1081846083827457	years,:0.09105584362029856	in:0.09074994593756336	here:0.08377296603192125	:0.01
half:0.2699153558665435	of:0.18670980590773792	and:0.10638002734189238	for:0.09551814361060199	in:0.07401469538071223	to:0.07168734209943696	is:0.07073898137197072	was:0.05970125599956543	with:0.05533439242153885	:0.01
and:0.21338846994080612	of:0.18749290233706967	to:0.18720518392522567	the:0.17493076586128778	Mr.:0.05648087731834156	that:0.043830646312602285	in:0.0431435130129627	he:0.04245725279226782	which:0.04107038849943636	:0.01
and:0.27680251536832023	of:0.1773726051349765	the:0.14215071206629923	to:0.13167778719768544	a:0.07893997453412671	in:0.059731378843500875	as:0.05363860109182523	that:0.03907054003133833	I:0.030615885731927472	:0.01
not:0.29397097753725293	to:0.2658917149580019	a:0.13866488273474206	would:0.11281026498586616	will:0.0633523540063405	and:0.040616050921936854	may:0.02852902229107193	shall:0.02421570688315483	no:0.02194902568163276	:0.01
it:0.32506834688264086	It:0.25266401097805513	there:0.09218056991852301	which:0.08037384538662268	and:0.055631459790142446	that:0.05534523477002363	he:0.05220949505515726	There:0.03979495389062745	This:0.0367320833282076	:0.01
<s>:0.30453116547262965	it.:0.21591503347904423	them.:0.135656298982624	country.:0.06853301262661377	him.:0.06288723610786619	time.:0.0550249587992848	people.:0.05232265268325843	us.:0.04962467012570688	and:0.04550497172297198	:0.01
the:0.2187131828599639	of:0.19924025309942062	and:0.15109002244668576	to:0.12476136420457277	at:0.09471855742182604	in:0.07438991191631883	a:0.056389019955898574	.:0.03554152646556196	for:0.03515616162975158	:0.01
and:0.20329505549080953	as:0.1745760004930609	able:0.10372568596517394	necessary:0.09702834223993993	him:0.08975143128749888	is:0.08347133086014039	time:0.08294403682977942	right:0.08148699870350459	made:0.07372111813009241	:0.01
I:0.1557011206773992	he:0.14715913311345116	they:0.14382642445790525	we:0.1377868119936844	you:0.13647336994801731	it:0.08319404582168659	and:0.07629891188358616	that:0.06466887149389869	which:0.044891310610371084	:0.01
and:0.24214240546495533	that:0.14622536742299955	which:0.12353274623325766	I:0.09902953880187862	who:0.09534872617761862	to:0.09075255446787187	he:0.08265395880521322	it:0.056763817236453705	they:0.05355088538975139	:0.01
that:0.4375563404852635	and:0.11203160598853902	as:0.09494571068975738	which:0.08689627997255113	if:0.08140366914334206	but:0.06399742599475176	where:0.04165140087776492	what:0.037320481457375515	when:0.034197085390654684	:0.01
all:0.6431723350842143	different:0.08786415453199789	various:0.07091122388159936	other:0.05978167111160113	the:0.04101064563615075	many:0.03224256014284229	All:0.019229795742366926	and:0.01845141078663102	certain:0.0173362030825962	:0.01
of:0.20536127754362357	the:0.18743736689819682	and:0.1744704172708728	to:0.1319396178187569	a:0.10092219903481031	be:0.050764302367589435	is:0.05011327360250969	with:0.045465374180499174	which:0.04352617128314119	:0.01
<s>:0.5432842855999633	it.:0.12765336760674043	them.:0.06927884517018071	day.:0.05649119725557569	.:0.05078002771836103	time.:0.03988937144008883	him.:0.035451492347163736	year.:0.03490495892836201	::0.032266453933564365	:0.01
of:0.3873222322894124	to:0.13396168096146308	in:0.12963128236981766	by:0.07974422663994622	and:0.05602824043959432	for:0.05464992506804876	In:0.05446265958481477	that:0.05037144257637433	from:0.043828310070528384	:0.01
it:0.21501983402527836	It:0.20281497500495943	he:0.14467425608118917	which:0.12423162937011685	I:0.09063069371906042	and:0.06807157315902591	He:0.055239210783862035	that:0.053974385078478515	who:0.03534344277802922	:0.01
the:0.43491986092450846	a:0.17323712032708033	of:0.0863934530237154	his:0.07186960223359419	The:0.05766693620673247	and:0.05506783833512994	this:0.04287561485532009	their:0.03551264442745937	our:0.03245692966645978	:0.01
of:0.3233222002870885	to:0.11496252667878261	a:0.10401437926834003	and:0.09532552730695722	with:0.08459518975404846	for:0.08247050221432488	the:0.07107180506227356	was:0.05748820331699624	in:0.05674966611118852	:0.01
and:0.17075694437420558	is:0.16178957340858444	that:0.10786689120620889	as:0.10496539191590218	but:0.09313756924145418	had:0.09184371913002727	Is:0.08922683888107832	was:0.08652404528551248	have:0.08388902655702662	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
.:0.1733488629320229	Mrs.:0.13573661116839922	and:0.13129978504427267	A.:0.13039907139864595	P.:0.10623661072107381	of:0.08550483514024415	Mr.:0.08218827256523598	the:0.07863105556298051	by:0.06665489546712473	:0.01
taken:0.15656662517598832	picked:0.151858605162014	made:0.1485179792027913	build:0.107904089796715	put:0.0946360435965667	brought:0.08988151836252643	make:0.08253111226591163	set:0.080889394709943	it:0.07721463172754373	:0.01
It:0.23262052284009457	it:0.23201166364489184	there:0.15832984385428517	There:0.10441338214127244	which:0.07614731400151836	that:0.06485213865833801	This:0.04087834255557804	and:0.04071217767041425	he:0.04003461463360729	:0.01
the:0.4151454507563466	a:0.154067464923635	this:0.09142311465573352	to:0.07074561564231242	other:0.06203544874980588	and:0.05263431692731904	our:0.05235864743866889	each:0.047794762077634514	their:0.043795178828544126	:0.01
of:0.3230936050938893	for:0.268392828876221	to:0.15747078114693255	at:0.049819359207867356	in:0.046734235798082766	and:0.04498892291979461	from:0.04487562286829962	than:0.02869439857086509	For:0.02593024551804763	:0.01
a:0.19695323005005633	the:0.16816913302810177	of:0.14822321855124101	and:0.13939369829278436	to:0.08838261293154283	in:0.07993288548178436	for:0.0784798399018892	that:0.05177581610431104	by:0.03868956565828905	:0.01
the:0.7409704297276831	The:0.07041619390329508	a:0.06104338231361163	tho:0.05287551886838819	tbe:0.017151897373622667	of:0.015594945686220647	our:0.013943686141516125	and:0.009455453477074119	in:0.00854849250858847	:0.01
the:0.3356578395614042	of:0.15313257772940653	a:0.11409975608000458	and:0.11071510559261802	this:0.09511809990886061	as:0.05436759892162974	said:0.043618404402962635	to:0.04186288765148809	in:0.041427730151625625	:0.01
and:0.2445479971336327	of:0.19111477194630047	to:0.15606249873759762	the:0.13892477691358676	is:0.059855247651163124	or:0.05369886123989182	be:0.053524514589298876	was:0.047219445845831105	I:0.045051885942697475	:0.01
in:0.5107095565132559	the:0.26388340938607063	In:0.15501568180367037	tho:0.01682186222450791	and:0.012719205561644952	iu:0.009679131438135851	of:0.007505533986753687	a:0.007053586932675277	tbe:0.006612032153285359	:0.01
the:0.22621754684143483	of:0.2121246296450364	and:0.1387178532151598	a:0.1330548885143689	to:0.07801628138881134	Mr.:0.06384327045324964	in:0.05393160683610293	with:0.04333205764451371	or:0.04076186546132228	:0.01
able:0.1355320370639336	right:0.13451414580237345	him:0.13048098484267026	is:0.11687131037302098	was:0.11144099372242128	and:0.0988988815971708	began:0.09785491253562477	enough:0.08483858505494465	me:0.0795681490078402	:0.01
years,:0.16270601460719014	time:0.12852657470430356	in:0.12362720187448062	;:0.11832081493207332	porous:0.1026614492451613	hundred:0.094376847867295	it,:0.09322632357261038	States,:0.08499726460405177	manner:0.08155750859283398	:0.01
dollars:0.429900340978018	pounds:0.0981121488240322	of:0.0964616452517055	cents:0.08827097886567223	a:0.08467127742778358	hundred:0.08247193163970218	and:0.05270751571136385	half:0.028902834035424815	the:0.02850132726629779	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.24422537367035607	I:0.14347891089842277	have:0.12731064793262553	he:0.11071967745786633	had:0.10349761679618276	has:0.07501178879242247	it:0.06923803105053983	be:0.060763618697826774	was:0.05575433470375745	:0.01
of:0.2502222265075797	to:0.20567362559127686	and:0.17076986256551102	on:0.12495170385773474	in:0.05638685700043653	at:0.04726984535088747	or:0.046537440127300295	a:0.04544582126585114	that:0.04274261773342203	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
it:0.3193887493885914	It:0.22110100782192096	he:0.18664359267260322	He:0.05855383347838532	and:0.05750089615620195	I:0.04676820090257822	which:0.037966954868647984	she:0.03570455143161576	that:0.02637221327945512	:0.01
the:0.31904360573278207	of:0.17315917076143733	and:0.12534789090235726	to:0.09647386236527573	a:0.06334210630031535	his:0.0538857038172744	their:0.05387849831842087	be:0.05312243736196245	in:0.05174672444017449	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.21439699297144033	and:0.17650121299071564	the:0.13331218097239023	.:0.1290464320818056	Mrs.:0.1106688305345302	by:0.06289440219519556	to:0.05899958987416304	Mr.:0.05266755330674808	<s>:0.05151280507301111	:0.01
highest:0.32141031296609807	up:0.12808898049557185	made:0.12748178796684245	it:0.10824734579077701	in:0.07376085426621085	time:0.06284674352041288	him:0.05894746245372762	them:0.05551605719413863	out:0.05370045534622073	:0.01
he:0.2551201520408392	it:0.1288527672382355	and:0.12677751374117283	which:0.11430383549362245	who:0.09737427734167386	that:0.0943520398413628	It:0.07306541375906984	He:0.05605309586453941	she:0.04410090467948399	:0.01
the:0.3657511376473245	of:0.1527872733278719	and:0.13203672701123187	for:0.09358775711917039	to:0.08072905635857207	in:0.051782144013057974	a:0.05004094578801395	<s>:0.03191581595169206	that:0.03136914278306543	:0.01
of:0.35684768335717304	to:0.12114900275302484	in:0.10976484663645757	by:0.10684882114910138	and:0.08196422402207054	on:0.06500821570552641	with:0.060299362594125196	from:0.04536188436655893	that:0.04275595941596194	:0.01
of:0.29123744909396176	to:0.1664656552101735	and:0.12945316888692274	-:0.08599152373623682	with:0.07610382243733207	was:0.07084056977237256	by:0.06880705093340816	.:0.051085463175481315	is:0.0500152967541111	:0.01
to:0.24169033527148967	I:0.13776158146121537	will:0.12715372947019454	would:0.11748358444260676	we:0.10332163114326383	they:0.07845606259367421	who:0.07774271415073483	you:0.053694268155651724	shall:0.05269609331116898	:0.01
the:0.29334049670089013	of:0.2104042532448617	to:0.12707752485508567	and:0.0949908803562157	a:0.07138384994433133	in:0.05554269854492421	on:0.05238355042810666	by:0.04481628506604542	<s>:0.040060460859539244	:0.01
and:0.2803952040092383	he:0.2636994945997513	the:0.09295948764669697	she:0.08425327459353905	He:0.06781629446223805	it:0.06759446863222084	I:0.052563915462366974	which:0.04561310714658995	that:0.03510475344735858	:0.01
of:0.19222805621105238	and:0.19004492527061204	for:0.16723821323246857	that:0.08157992246258691	by:0.08105634998065794	in:0.08085618155323196	is:0.07585553825917475	was:0.06193668086281729	to:0.059204132167398324	:0.01
miles:0.19877119077849117	and:0.13691467829090032	feet:0.13393264507069688	at:0.11363797653868961	away:0.11314007095574367	taken:0.08414608505846131	them:0.07652572755442798	up:0.06886650363031764	ranging:0.06406512212227128	:0.01
he:0.36466375143972846	I:0.11433816869231088	who:0.10894363522709706	she:0.08887972512524452	they:0.08449981131612101	He:0.06983179601011938	and:0.05701171706904927	which:0.05404508922922817	that:0.047786305891101256	:0.01
and:0.19051943986217015	of:0.1720639792232348	as:0.16747509158597676	the:0.13450047028301987	to:0.09096766000852802	be:0.06575526900119626	such:0.06334143169216884	much:0.055005516582227666	in:0.05037114176147772	:0.01
of:0.33595057667642475	that:0.13991201188244579	and:0.12930986823957683	in:0.10438619588460321	after:0.06345042549361944	to:0.06087712879558945	for:0.059070009496866374	by:0.05253473999281255	from:0.04450904353806173	:0.01
the:0.6909464731648476	The:0.08599042925802547	his:0.04899319853860734	at:0.04584546247353086	tho:0.0375345941758919	their:0.02303560212699381	was:0.021410357597646208	and:0.018865869070959166	my:0.01737801359349764	:0.01
he:0.2518950439031629	He:0.12827597905067994	I:0.12100046069344479	it:0.10053677054893098	and:0.09343250841033908	which:0.08107381833038588	It:0.08048093281003073	who:0.07343340082812332	she:0.059871085424902236	:0.01
is:0.18253888989072073	are:0.13987594244229887	and:0.13690440384905872	was:0.13350661690813576	be:0.11204311484933113	not:0.1053697180096533	been:0.08473996103945858	were:0.04860249393169674	do:0.04641885907964606	:0.01
of:0.4660441358622948	and:0.10109221577803075	to:0.0970905102852284	in:0.08303787966691739	by:0.07476506501850276	with:0.0497995333100633	that:0.04873896571385518	for:0.03991749673111997	on:0.029514197633987303	:0.01
the:0.34196705498545604	his:0.17569364007557017	of:0.08698978099973813	their:0.08685154674320662	this:0.08090451796582351	a:0.06390046020703086	to:0.05961728609193773	my:0.047360533554028424	in:0.04671517937720847	:0.01
<s>:0.2946581984740359	it.:0.19099921679974471	them.:0.13671721475899137	him.:0.09684820017846558	her.:0.06399265930271435	time.:0.06067390759572117	again.:0.051020080930111504	life.:0.04951585759065171	me.:0.04557466436956366	:0.01
of:0.40760879315217374	in:0.28964194291896556	to:0.05494772692632107	In:0.051532300162196475	for:0.05130511836751567	that:0.04346678086249316	by:0.03769120634213955	and:0.03486352966343018	from:0.018942601604764565	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
him,:0.14442347732413807	him:0.14332045333864185	it,:0.13664315699189652	it:0.12884897932158634	time:0.10826722420686866	man:0.09019240385959884	up:0.08646950923887878	them,:0.07695999005087384	them:0.07487480566751711	:0.01
the:0.28194576944076694	in:0.16830115934442097	of:0.12175089403444911	and:0.10861914080625808	a:0.0827300313214211	to:0.07226688505594739	that:0.05730899637674186	any:0.05038384377867689	for:0.04669327984131783	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
it:0.3477464777553496	It:0.21077774837934032	which:0.11923064338294648	he:0.07457670604533519	that:0.06561065550934027	what:0.05574114599668741	who:0.05277671950527242	and:0.03372213343379503	This:0.029817769991933318	:0.01
;:0.3544776881951383	and:0.13514618390126307	him,:0.1279668897791262	them,:0.09113852416287015	it,:0.07578055904901033	up,:0.05424246236786818	her,:0.05396769529550944	time,:0.05183540009879969	man,:0.04544459715041464	:0.01
of:0.20753301574986444	the:0.16400327111176585	and:0.14042094536482855	to:0.12720964907981014	for:0.10379767442357508	a:0.09075011645215197	in:0.059109256838101136	was:0.04862863756936076	by:0.04854743341054222	:0.01
the:0.22837998766966777	of:0.17159546567360023	to:0.12341373376315147	for:0.10445285466539507	in:0.10039433266503574	and:0.09616474681609577	be:0.061383194402407526	a:0.05229278303932079	or:0.0519229013053256	:0.01
the:0.2897383324568781	of:0.17113076544121678	a:0.10182560711526899	to:0.08415539991493161	in:0.07588252600215932	any:0.07161219763621446	for:0.06930496705250555	or:0.06569006370210649	and:0.06066014067871867	:0.01
<s>:0.5700663430575712	it.:0.09252129895636603	them.:0.07922000070411533	time.:0.045481764811291625	him.:0.04327771834603441	day.:0.042971798329982026	country.:0.04077421733332302	.:0.03784761402590534	year.:0.037839244435411	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
him:0.1314030385903094	able:0.1259703674676985	is:0.12350614172530042	and:0.11827976889911514	not:0.11606150227478738	want:0.1057359055640923	right:0.09622794718667131	have:0.0876813243983569	enough:0.08513400389366878	:0.01
the:0.35469868873527666	The:0.2066369832373586	and:0.11657440735805928	of:0.09789456412894408	that:0.05812144230601495	an:0.047985898443741314	This:0.04081627078076625	his:0.03844442677144695	this:0.028827318238392022	:0.01
of:0.23630609917106654	the:0.19857899166240997	a:0.19188842170058296	and:0.08781758752119272	to:0.08382382308138184	in:0.06681725259258606	for:0.0576540388547933	with:0.036090109840644785	that:0.031023675575341816	:0.01
;:0.1835992689427942	me,:0.17101778615041985	it,:0.1312766919608728	him,:0.09720245193811279	up:0.09103174257117803	them,:0.08478802561401778	me:0.08131845895881017	him:0.07866756364048182	in:0.07109801022331255	:0.01
have:0.1358948576226231	be:0.13210186035351118	and:0.13164224069457886	had:0.12466328013253636	was:0.11761324350269249	he:0.09637894916841587	has:0.09437128563888525	not:0.08163067556121932	been:0.07570360732553763	:0.01
cent:0.5205633359837701	cent,:0.1825937643517856	centum:0.13568707119231382	cents:0.07125088241436596	dollars:0.025869009276392595	$1:0.017201872507613316	percent:0.01510166066102889	ten:0.012776171577550557	half:0.008956232035179236	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
of:0.33365899831888546	a:0.144674089572029	the:0.1273443365588524	and:0.09435707677453732	for:0.08751992213405112	said:0.07901737446505756	his:0.05759798847045997	to:0.03885032599537803	her:0.026979887710749086	:0.01
he:0.24184133344469383	it:0.152622035197646	I:0.1302539667129161	It:0.10374643873945391	He:0.10250568801949268	which:0.08267003134383273	and:0.06548565724499313	she:0.0608911986925278	who:0.04998365060444383	:0.01
and:0.19433510573309606	bridge:0.18819252122194727	came:0.12976583652015194	up:0.09644358331385654	went:0.09129270334560786	directly:0.07996485111968163	out:0.0767132844805258	go:0.06763501286498921	way:0.06565710140014373	:0.01
him:0.1280381431911991	able:0.12062077502396214	have:0.1139229856397097	and:0.11171946667894975	want:0.10974763024526385	allowed:0.10465437710389246	them:0.10128443148019256	is:0.10013200114709248	had:0.09988018948973797	:0.01
in:0.20018562908531082	costs:0.1498856773587417	land:0.14882512901769374	principal:0.11736400543753024	time:0.10776813314173683	rights:0.08173523766678144	city:0.06399715294914972	feet:0.061353393273663556	labor:0.058885642069391925	:0.01
last:0.30404386481605006	the:0.19933822131584258	Saturday:0.14280422101494197	at:0.05923724976904138	to:0.05803153178821802	Thursday:0.05792230489128322	of:0.0574702211263909	Friday:0.056959779952017425	all:0.05419260532621451	:0.01
of:0.37952000190029483	to:0.18231985018468136	in:0.11686874239750193	that:0.07053564203373404	and:0.06538145566631325	by:0.05747737265451251	for:0.04359040606910361	at:0.037336324562938616	with:0.036970204530919905	:0.01
and:0.23562249300599045	arrived:0.19841372110330668	held:0.10194309373397596	sold:0.09650318695177602	Dated:0.09512689275536121	closing:0.07757007527568294	was:0.07048795667485343	made:0.062161139754507606	arrive:0.052171440744545695	:0.01
and:0.25036177697140855	time:0.15971999705002968	ever:0.11924457235380848	that:0.08800966674636651	years:0.08579626166343288	Ever:0.0821938975280376	long:0.07307876100767204	elapsed:0.07233007577786293	or:0.05926499090138117	:0.01
the:0.2423620207365299	of:0.20536500222371457	and:0.166871077045992	in:0.1176496937967874	a:0.06877339806465797	was:0.060401645356168765	is:0.04771002123545104	are:0.04130335500381535	be:0.039563786536882965	:0.01
It:0.36487889271173496	it:0.15967878591340084	which:0.08902347692599992	This:0.08805930593565035	there:0.07875248029918261	that:0.07634028130219074	he:0.05489543682798901	and:0.03961272054290272	this:0.03875861954094881	:0.01
and:0.3749473050629123	it:0.12046942905513602	was:0.09329003394552177	as:0.09085211043587571	be:0.08821177591254002	he:0.08237536738150579	been:0.048051967059336176	It:0.04686875279166992	is:0.04493325835550222	:0.01
of:0.31066487580257124	in:0.13335372159828743	to:0.12735882558764552	and:0.1096147737186892	that:0.0727226872432331	as:0.06857688801142055	for:0.06168411592627775	at:0.056005056018305154	on:0.050019056093569936	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.7006964396750875	The:0.10382281036140899	no:0.04820315319645908	a:0.04043871672822993	tho:0.03556203024156648	of:0.020035239064020775	in:0.01567373164447969	and:0.014370275640007693	any:0.011197603448739784	:0.01
of:0.19986669638946614	in:0.19539647756368586	a:0.18380440071775725	the:0.11796316678830354	to:0.08405484495444386	and:0.0623460149306812	In:0.05497661495630356	for:0.046420495856539304	at:0.04517128784281932	:0.01
the:0.2873953035074578	of:0.21344440021812378	and:0.11296142765504273	a:0.08461592541970958	to:0.08226070552655401	be:0.0742740825216053	in:0.049384345903346547	for:0.04346745705650477	their:0.04219635219165555	:0.01
and:0.18506716812353982	was:0.17607375174201867	not:0.12427069724847692	is:0.11708917388329372	be:0.09215471195087287	are:0.08629843912360233	been:0.07950108262636973	or:0.06813335378234975	were:0.06141162151947622	:0.01
is:0.19912238527184742	be:0.19795315780479172	are:0.16136415683902056	was:0.1198147047785816	not:0.1074528144251015	and:0.0803813476238299	been:0.04806688887395629	were:0.042892051016917086	well:0.03295249336595401	:0.01
and:0.39785666775412876	that:0.12343978131884487	of:0.09958172719058082	are:0.07774936789627114	to:0.0761413979058924	was:0.06851321229160812	were:0.060275400197222856	they:0.04759418604316611	it:0.03884825940228491	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
the:0.4017317637540429	a:0.32770020163359453	and:0.09648386866212297	The:0.04491863844370221	tho:0.028172000923849177	of:0.026127912574114058	most:0.024338278379340706	on:0.023124612830291175	very:0.017402722798942147	:0.01
the:0.22583494726906028	of:0.14434201586986606	and:0.14181870498476506	was:0.11246019593562943	to:0.11173582321142453	be:0.08198509723148892	is:0.07174266798927509	in:0.05490858902280562	or:0.04517195848568496	:0.01
on:0.2555570106615597	of:0.24702367943076955	to:0.09728803759948225	and:0.09578243762364988	in:0.08655909334449599	with:0.06603333087685728	from:0.05967117855647354	by:0.04133918550362156	at:0.04074604640309016	:0.01
the:0.3447077595387973	of:0.1511362963322851	a:0.11454347129152183	public:0.08457609059733454	said:0.07399988107557225	for:0.06254615256572389	at:0.05328185445303589	in:0.05271500797548615	to:0.052493486170243034	:0.01
of:0.3216028107445791	at:0.1559432356748248	to:0.13476362752926796	in:0.07938371906660163	on:0.06794647393130551	from:0.06391396220053229	for:0.059922538221856225	that:0.05411286593662252	with:0.05241076669441005	:0.01
the:0.23548954332163083	of:0.21113005546683178	and:0.21109623599682734	to:0.09338500466118457	in:0.07633727011683625	be:0.04250234515141978	as:0.04117704869674812	on:0.03995448290834234	that:0.038928013680178966	:0.01
and:0.17088875819441882	made:0.14700725502613016	up:0.14037496326714635	secured:0.1032245946741212	out:0.10290304256707901	taken:0.09703783258711497	ed:0.08520391730418442	him:0.07433795841065471	done:0.06902167796915025	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
and:0.19718051189814095	he:0.18347801597271643	had:0.11857276346322737	has:0.099723453026473	have:0.09852463057987727	who:0.0784571057477682	be:0.07729178006647272	dis-:0.07273960560539781	He:0.06403213363992627	:0.01
the:0.5123003350176745	The:0.18986519449917788	an:0.09166787332167667	this:0.049604570256909467	that:0.036513773640943235	of:0.03565680278497807	tho:0.028204353270336727	his:0.026482583071445635	An:0.01970451413685777	:0.01
the:0.2423620207365299	of:0.20536500222371457	and:0.166871077045992	in:0.1176496937967874	a:0.06877339806465797	was:0.060401645356168765	is:0.04771002123545104	are:0.04130335500381535	be:0.039563786536882965	:0.01
the:0.29533053794291236	a:0.2897564990521584	and:0.11712418305648209	of:0.09429917754914574	The:0.05615586308656426	to:0.04101960493162208	an:0.03473290765883395	in:0.03173659892467281	for:0.029844627797608284	:0.01
mailed,:0.2999277238863508	in:0.17346963127616938	;:0.16744037632905714	it,:0.07490543667274759	mortgage,:0.0658644749659435	up:0.05484757931890458	them,:0.05403910966659331	,:0.05186566631057725	States:0.047640001573656464	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
he:0.24238168087322717	it:0.1898859176810513	be:0.11408030823699564	and:0.10830069211365313	they:0.09373073837111871	one:0.0792684172525281	It:0.05983400453394999	who:0.05207153571976893	He:0.050446705217707145	:0.01
and:0.2949791375493107	was:0.15603413172289576	it:0.10131513505939643	is:0.09247313059215137	that:0.07674061886376866	are:0.07255734426556362	made:0.06690354850053709	were:0.06600548730924821	but:0.06299146613712817	:0.01
of:0.30871014838359984	in:0.16546939392169469	to:0.10917086222557493	for:0.10324433497920248	and:0.09701739891491647	at:0.06080665560730656	that:0.05446710532845915	In:0.04749645128015027	from:0.04361764935909563	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.27688901726457676	the:0.18337671231183789	and:0.1318900199848834	to:0.11944701686168406	a:0.10778072275040136	in:0.05256399405571501	for:0.049801536184707236	that:0.0370342496242098	at:0.031216730961984476	:0.01
the:0.30767476607422617	and:0.17267398025714586	of:0.10877709557740252	his:0.09953067400822892	her:0.07859334238702072	he:0.07698830566696195	their:0.06173315690574391	that:0.042647160545392616	which:0.041381518577877315	:0.01
the:0.7060060626197512	The:0.12763664814802786	tho:0.03641621657505689	of:0.032021286855150925	his:0.024637061423715426	their:0.02378784258697475	our:0.01766659509735482	and:0.011687702686211807	tbe:0.010140584007756309	:0.01
and:0.19725104098764587	of:0.16958046001835608	the:0.1481638052371734	to:0.09938698712242126	a:0.08770570001227247	for:0.08204335824558105	which:0.07196038215070251	was:0.06797428233447628	more:0.06593398389137094	:0.01
in:0.3467579382216749	of:0.16948502127319443	at:0.12733312336419608	to:0.11809116477022007	In:0.07288454211405034	from:0.04031164316564754	with:0.03999603658368056	on:0.03771719282530756	for:0.0374233376820284	:0.01
and:0.17950644565136956	as:0.13033131654754818	it:0.12922184790110464	It:0.12332015049915845	<s>:0.10777333047324816	;:0.09496859838451814	that:0.08165595833415915	which:0.07322210847685044	land:0.07000024373204317	:0.01
it:0.27997167513564525	It:0.22256262388182765	which:0.126404346409237	and:0.08660357787468825	as:0.06534294366064206	he:0.05936962779593273	that:0.05777660225111572	who:0.04736200557670686	what:0.044606597414204356	:0.01
that:0.30371066784491974	if:0.1528592157661182	which:0.13093290885882847	as:0.1067643537300592	and:0.09146677604370172	when:0.06012942554608973	where:0.057718502696278005	what:0.047491073256094876	but:0.03892707625791013	:0.01
men:0.17762139509522837	William:0.12852709254369568	hundred:0.11698799013845104	James:0.11296468212387654	Robert:0.09850774864596133	John:0.09620467900978545	one:0.09270288259534681	up:0.0912831501004607	city:0.07520037974719403	:0.01
of:0.29427840420111334	and:0.19037350337791353	in:0.11041665492830458	to:0.0953233373283196	at:0.07052500963088408	that:0.06631245887492296	with:0.05553709306732293	on:0.055516148861375486	for:0.0517173897298435	:0.01
they:0.27175351747991927	who:0.1742959213944555	which:0.12279600502557071	there:0.09840638532190349	we:0.08452910022954424	men:0.06680282515260055	They:0.06230764592488641	and:0.05748782383355527	that:0.051620775637564564	:0.01
make:0.20165154753017853	and:0.15080923427705015	that:0.13804249785347059	of:0.12239180828646615	give:0.09206323632163635	as:0.07399272837629398	is:0.07258818454402004	for:0.06987413091193259	on:0.06858663189895153	:0.01
the:0.288554670302953	of:0.2768498996640131	for:0.08434264578969046	an:0.07004232515970625	a:0.06986217078584747	in:0.060994258448113826	by:0.05754210294608209	to:0.04365160847557869	and:0.038160318428015254	:0.01
as:0.2621551337048023	and:0.12819083886615812	very:0.10818205209321824	so:0.10001719977379678	the:0.09827684612652438	be:0.0827187034967189	are:0.07199045737684788	is:0.07120940983450387	was:0.06725935872742951	:0.01
and:0.25338623518957576	the:0.1417729348261516	it:0.11097602130831145	he:0.10442553987212883	which:0.09773342566529561	that:0.08615305162963126	It:0.07510249379913843	they:0.0642995812375574	I:0.05615071647220956	:0.01
of:0.5095899908307753	in:0.2128010280858555	to:0.09330535598233418	In:0.03778336751458792	for:0.03406702965428335	throughout:0.03322592073873481	by:0.03052488736058722	from:0.019523425535847027	and:0.019178994296994833	:0.01
and:0.5021953962866267	to:0.1030282167460194	which:0.09070942981501157	that:0.07950892285495993	it:0.07225289161354283	as:0.04903152644659842	It:0.032579318052906175	who:0.030893702466922204	I:0.02980059571741275	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.12537937924608727	and:0.10985980430753879	in:0.06240993305390327	for:0.06192854377065039	be:0.05083764956696977	was:0.03700580416928512	is:0.0336844012946531	:0.01
to:0.22628494560806744	the:0.20092169926656542	of:0.19730970841504225	and:0.10963885279529491	at:0.07331465390183073	in:0.05503363335279411	<s>:0.04596302271656127	on:0.042208878513173766	from:0.03932460543067003	:0.01
the:0.20330791336198092	and:0.16374723220953158	of:0.12203318026621938	to:0.11979475324583129	a:0.11596184956525815	be:0.0837146771961551	was:0.08039980232180864	is:0.0604430544374977	in:0.04059753739571725	:0.01
is:0.2706326106082561	was:0.15921625067326975	and:0.1579901343650686	are:0.10623015218280579	has:0.0736900416714252	not:0.064129570925368	have:0.06367280473746231	had:0.05322921632604593	it:0.04120921851029822	:0.01
on:0.20882163947107169	of:0.20580302678447474	and:0.15283046093795438	to:0.10307048091481884	On:0.0934440932218849	all:0.06169111630679553	with:0.059900783022025936	in:0.05740836204605506	that:0.04703003729491897	:0.01
a:0.6668222451782609	the:0.08163919397158587	very:0.05616435537606535	and:0.04120478174468835	of:0.03553472612287229	so:0.033018908233906304	A:0.02815268742805985	in:0.024301236166769158	some:0.023161865777791894	:0.01
to:0.5495112982051114	will:0.1450511462764908	would:0.05572865626182085	shall:0.05243039128536251	not:0.04178809533467543	may:0.04023874484247048	should:0.03711478769812319	and:0.03703848478314683	can:0.031098395312798597	:0.01
it:0.1763405589699047	which:0.13858980971299167	and:0.12970374612343888	It:0.12413620469295653	they:0.11833495429004258	he:0.10905724887936664	that:0.08128661585188769	who:0.06315081385676692	I:0.049400047622644425	:0.01
the:0.24009782776766705	of:0.21929314791840138	to:0.1315805716129604	and:0.12291491684712343	a:0.09506364049819857	in:0.08272884009922157	for:0.03929291516366697	<s>:0.02958550329105213	that:0.029442636801708572	:0.01
is:0.28110983654482796	have:0.1452690490019085	that:0.1011252675558151	had:0.09977332689019455	and:0.09457387156401774	for:0.07333453358592133	was:0.07322160355678227	be:0.06213292225919445	has:0.059459589041338	:0.01
the:0.8514581005254491	tho:0.049339039716014985	The:0.023810476456397073	tbe:0.018289326463401753	of:0.017391813259110298	and:0.009228001818112395	in:0.00870150683821085	by:0.005902294252819958	a:0.0058794406704836405	:0.01
the:0.2321207833647305	no:0.17237363788337978	any:0.1647803900011006	and:0.12256192345752707	each:0.07929801024405653	or:0.07068931630975132	some:0.05043385986387994	all:0.0499046172172152	from:0.04783746165835901	:0.01
of:0.28175668549919725	in:0.12746678103918072	with:0.10423800593281397	by:0.10042817419788157	to:0.08328254555352792	as:0.08167276737641743	is:0.07282710567059886	for:0.07014395954500714	such:0.06818397518537508	:0.01
and:0.1715161835985111	is:0.1701504783439962	as:0.11082801560618431	was:0.10049374719407791	able:0.0995782405371278	not:0.0959529126271294	enough:0.08218526606313246	him:0.08082377757804238	order:0.07847137845179847	:0.01
be:0.2499008589765908	been:0.1174212562606465	is:0.11396978774900211	are:0.11089127926287139	and:0.10396484715008929	was:0.09627113869028214	have:0.06981602227720059	were:0.06684296643486326	being:0.060921843198453875	:0.01
per:0.7516169586481418	the:0.11521559365056495	of:0.03450271195368205	and:0.025370546234877674	an:0.023369904460680536	by:0.01648271906720332	to:0.0118478698647959	that:0.0071686485894737985	The:0.004425047530579977	:0.01
contained:0.21195734665215293	described:0.20422195386504643	stipulated:0.1575813651728388	recorded:0.08801227956739072	and:0.08591808985387941	situated:0.07920133131407768	interest:0.07356644326792618	interested:0.05966697016894978	filed:0.029874220137738088	:0.01
a:0.20519534979956264	the:0.184876788208263	his:0.16529161278100993	their:0.10935072726121443	this:0.10648282074261446	my:0.0728441623596876	no:0.05788625266375025	any:0.044349103132242426	your:0.04372318305165519	:0.01
and:0.17902453103968283	went:0.13907613081779802	go:0.11703828021850246	feet:0.10858526240142813	as:0.10560094839085853	them:0.0929140584033672	sent:0.08314287687944451	up:0.08306466055338961	made:0.08155325129552876	:0.01
<s>:0.5911664716768236	.:0.09254162861311349	it.:0.07581705834204039	them.:0.05818195815929814	day.:0.037726686386629994	him.:0.034790603659583	time.:0.03473040556580825	of:0.0340401802064035	country.:0.03100500739029967	:0.01
the:0.7622746159270795	The:0.07152609469465292	and:0.057607037585003254	tho:0.04619014875353477	tbe:0.018056175127612924	of:0.012250376874417528	on:0.009341427090075462	about:0.006385977616672987	two:0.006368146330950648	:0.01
the:0.4608410845731083	a:0.13614202670631334	and:0.10422671811393516	in:0.0694763835795054	The:0.06059626499933908	of:0.05141466559278752	place:0.03991900045455965	point:0.034264456949653445	his:0.03311939903079818	:0.01
and:0.2708642991567132	of:0.2538056637295381	the:0.10419315201696677	to:0.10392362544171004	South:0.058186585659625395	<s>:0.057831653145744184	on:0.04821489787597119	for:0.04750575273110271	from:0.045474370242628376	:0.01
of:0.33406129049648303	to:0.12049264072633424	with:0.0963336285288878	and:0.0939645479779181	is:0.0864883967561169	in:0.08226092310789548	that:0.061430624386753084	by:0.057631216891386707	for:0.057336731128224655	:0.01
the:0.7982410174004783	a:0.05840345025339393	The:0.050963775996256525	tho:0.04484116839530093	tbe:0.015322503459402264	this:0.008210562392640208	and:0.005582976990559042	great:0.004864662149860219	whole:0.0035698829621086062	:0.01
a:0.5648664381493911	of:0.14982282379862122	in:0.0855148537446649	the:0.07826718566760206	for:0.027278948809864513	very:0.024661881595574562	with:0.02177313677698295	to:0.01997424777256417	In:0.01784048368473456	:0.01
in:0.5107095565132559	the:0.26388340938607063	In:0.15501568180367037	tho:0.01682186222450791	and:0.012719205561644952	iu:0.009679131438135851	of:0.007505533986753687	a:0.007053586932675277	tbe:0.006612032153285359	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.2548093281064604	of:0.17386428125298564	a:0.13723413081542213	the:0.12795986170285664	and:0.12395367040785477	in:0.053901417233796795	that:0.0403247752745103	be:0.03948044012031861	with:0.038472095085794675	:0.01
so:0.47627061926135633	and:0.09530224050531108	of:0.08745815013759436	So:0.08067270470633492	too:0.06806096403483484	very:0.06490975459169436	are:0.04125134323251211	the:0.0380784389641374	as:0.03799578456622452	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
the:0.261806086964665	of:0.23954177962467774	in:0.1451314784783841	to:0.08914745990282881	and:0.0855673914816423	on:0.05611485964406875	a:0.04672402434579197	In:0.0346006134706718	by:0.03136630608726964	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
a:0.4727961389753726	large:0.10474303973026487	the:0.09065102662738773	any:0.08352694828492402	that:0.0801332111842901	greater:0.056181333926226776	this:0.039430522527623454	one:0.03295334968521227	every:0.02958442905869821	:0.01
a:0.2963546720534838	is:0.18753650914787293	was:0.13124791619749726	the:0.09732516301797582	be:0.07915884678353564	are:0.07484785446462278	not:0.046195818810720865	and:0.040867021959854484	were:0.03646619756443644	:0.01
of:0.3889763855135423	in:0.2636268972877133	In:0.08922125224368369	the:0.0827828126028756	on:0.06692133159371737	to:0.04038757082011532	and:0.02806875524967224	from:0.01752404809586397	with:0.012490946592816191	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
number:0.19875812164001402	point:0.11371119469696638	out:0.10274991504583562	place:0.10225565262474215	sort:0.0992283301391096	kind:0.095881912866821	right:0.09476699105708426	matter:0.09229303600269159	amount:0.09035484592673539	:0.01
the:0.4520050799228119	a:0.182700787156056	of:0.12199358368308869	in:0.06132853939290637	and:0.04516763563042213	for:0.04344151750295578	The:0.028581982781950184	that:0.02829162850169561	an:0.026489245428113307	:0.01
to:0.6029234748158575	not:0.10685677045378247	will:0.0805053125791318	would:0.07348435472152394	and:0.058714604224932194	may:0.01928356596757802	must:0.017761258017253204	I:0.01655037912139117	we:0.013920280098549686	:0.01
those:0.2608226100313847	men:0.16759680843603608	man:0.15495063583705182	and:0.14146373870024206	one:0.08382751928427092	person:0.05112602282308641	people:0.04918140974682689	all:0.04283535688125879	persons:0.03819589825984229	:0.01
the:0.6074561403500369	a:0.13653093717836476	The:0.08170009250440528	and:0.055592161399538216	tho:0.03653238170051862	of:0.030461975888081045	A:0.01901970865063956	tbe:0.01281710283670948	that:0.009889499491706191	:0.01
to:0.5393039065409442	I:0.08890911411858664	and:0.08663130249191711	will:0.06968319515022305	they:0.06005428518813382	would:0.04487778846159187	we:0.03771739515513489	can:0.032056690846208984	not:0.030766322047259508	:0.01
of:0.22702543728963262	is:0.14706092987508457	with:0.13718135047949068	have:0.11106874039136191	and:0.08952528717888741	to:0.08612141019387766	that:0.07128833241381452	for:0.06354072963043625	had:0.057187782547414426	:0.01
and:0.3251515872474513	are:0.12090845368297991	was:0.11015658422731882	is:0.10049634045516499	that:0.08447334941022835	or:0.0750344339002429	one:0.06131870893035738	sell:0.05639212384536849	be:0.05606841830088787	:0.01
the:0.533850641303255	a:0.29768825898030227	The:0.03916626536206799	tho:0.030789878118985314	this:0.029227277396585184	great:0.019497446831542444	A:0.013356018893499105	large:0.01330552212917767	tbe:0.013118690984585095	:0.01
and:0.7719890163116961	that:0.06251536959262127	to:0.0293693232923823	which:0.02786118414998955	is:0.023296596919889865	or:0.02123621925459468	but:0.018461030777724742	are:0.01800156808573285	by:0.017269691615368635	:0.01
able:0.14511234966528908	and:0.13172820859723178	is:0.1247686614230459	have:0.11730326646781511	him:0.11082659939939717	had:0.0955401572626202	right:0.09040877079752839	enough:0.08874364021609925	willing:0.08556834617097307	:0.01
of:0.4121043888104239	at:0.15271237174765503	to:0.1109592553703931	and:0.08207826295560745	in:0.06161305114297335	by:0.059894054838892805	on:0.044523026437002726	about:0.03316656745044903	for:0.03294902124660268	:0.01
at:0.3661948337090336	for:0.31152373764035296	of:0.09089832972894267	and:0.05030615985288995	to:0.04039872665890936	that:0.036663126356459755	in:0.035022655514519455	from:0.030765504657470126	At:0.028226925881422206	:0.01
the:0.6458032117392868	of:0.13588378593433587	a:0.039854024571526994	tho:0.03568885618155862	and:0.0317740235070897	no:0.031084070133369997	The:0.02814843026770536	their:0.022596426772267583	surface:0.019167170892859086	:0.01
that:0.36676990832500156	and:0.2021494109104595	but:0.10784744981174711	as:0.09568602346329859	which:0.06159835272923168	if:0.04782769345076774	when:0.039627972801933566	of:0.03607453689836179	where:0.0324186516091986	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.2972326679042343	of:0.21459539888462645	and:0.1277647182738476	Mr.:0.11066999498754179	The:0.0768578103402973	a:0.054344220024211604	that:0.04131690574045794	to:0.03449974091285552	<s>:0.0327185429319274	:0.01
the:0.3183183051762072	of:0.1801669198523678	a:0.12357808363194667	and:0.11162715168076925	to:0.0682544285317933	an:0.05910347991306476	by:0.051673676291832026	be:0.03981214208192875	his:0.037465812840090186	:0.01
the:0.4093233558040992	of:0.14347176912824763	and:0.09918323127245089	that:0.08389521681892108	The:0.07051764743152035	a:0.058349880834651466	Mr.:0.05600187837864818	or:0.0372170226949604	no:0.03203999763650096	:0.01
No.:0.29214912243288826	at:0.21548814964311586	lot:0.12295161021541427	block:0.09400402310185797	@:0.07692860202618382	lots:0.0638755447010431	and:0.04583093461558244	June:0.041855423260209496	range:0.03691659000370484	:0.01
and:0.22705933158200184	that:0.12222810041050475	for:0.10340336970230118	of:0.10133173198172785	make:0.09437298643925861	as:0.09433959133345796	in:0.08876305544002096	with:0.08265884027165848	but:0.07584299283906834	:0.01
be:0.22390173188831275	was:0.20663219498911486	have:0.1168318442344	been:0.10188993462042514	had:0.07777113678908262	has:0.0770901026747743	were:0.0745883452679661	and:0.06279635405071773	is:0.04849835548520646	:0.01
men:0.16410999899740547	;:0.12603226027017259	city:0.1127521640874096	in:0.1098901373227222	and:0.10947695428799892	out:0.10301335513134943	up:0.09837631016247823	States:0.08418236142198945	hundred:0.08216645831847401	:0.01
the:0.3852163572902061	that:0.10675452956953042	a:0.10097618698752871	some:0.09491158003603485	same:0.09135195148482918	this:0.07822328458129345	of:0.051897390725473384	any:0.04230579226783924	short:0.03836292705726465	:0.01
the:0.4644037833440781	a:0.1490945881517486	of:0.109895213805632	no:0.07162101108486577	to:0.045832080890266996	and:0.03891201115057069	his:0.03889328640573084	The:0.03664695163842622	absolute:0.03470107352868064	:0.01
the:0.2209685661826231	of:0.20107314949074165	and:0.1566887017910166	Mr.:0.13885892122495164	to:0.07934668394677492	a:0.057949343527177295	in:0.052225547841073944	his:0.04665433991147185	as:0.036234746084169024	:0.01
at:0.6793084492568133	At:0.137654752124555	any:0.043451616321297175	for:0.03263669588529954	and:0.023690036414356457	the:0.020852418760818697	of:0.020018746857496023	some:0.016766862705133275	but:0.015620421674230623	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.18935604166684056	to:0.17953242091236743	a:0.14637778243814775	of:0.1395289866434187	and:0.11967232053915405	with:0.06563714893438972	clean:0.06206947354274106	was:0.04726445349250358	so:0.04056137183043713	:0.01
virtue:0.21738001102627372	out:0.18977337920912904	part:0.11522775944009786	one:0.10400846177203443	quarter:0.09462884564091131	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
and:0.3378657687553083	the:0.14006300572603328	to:0.1287218799093488	of:0.10785943150731914	that:0.06872072269452849	be:0.0546008505935738	in:0.0527261231555285	or:0.0525575675256857	which:0.046884650132673934	:0.01
the:0.695968383571066	a:0.06544188001451957	The:0.05734117152212271	and:0.05258094126941192	tho:0.03469296228063304	of:0.025585067859260943	said:0.02445497960411473	his:0.019123642067766813	tbe:0.014810971811104268	:0.01
the:0.4223328257734688	a:0.15527329231550713	and:0.11977496335878836	of:0.09013420920974317	in:0.04983621047058699	to:0.04349782560002844	The:0.04279473128550431	an:0.03569920537214785	tho:0.030656736614224932	:0.01
of:0.3890001617372182	in:0.1592425263852784	to:0.14587969844835694	from:0.06072024741782163	and:0.05282411316023825	by:0.05092905638548168	for:0.04727278060694076	that:0.043497647031078876	on:0.04063376882758527	:0.01
the:0.25709054090137656	of:0.19050409392729878	a:0.13924494073380525	to:0.09414454173424001	and:0.09039948229900271	at:0.07803834663246123	in:0.0558748589032849	for:0.04365548830845685	his:0.04104770656007366	:0.01
of:0.42148508078375224	to:0.1854415631832834	that:0.10053039152128933	in:0.07990257315191875	for:0.04435921378758028	with:0.04343985468169465	and:0.04039888474163666	all:0.03805464104643415	on:0.036387797102410566	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.11808702737128361	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
of:0.497663801564969	to:0.09142749470452247	in:0.08193130517347053	for:0.06879714494698795	that:0.06645003405143764	and:0.05826995327760032	with:0.04873443680431361	all:0.04469198914790693	by:0.03203384032879169	:0.01
import-:0.28621230002195963	pleas-:0.179891311551559	and:0.14828583340624168	of:0.09668989395343985	defend-:0.09231767809277423	or:0.05974004840654406	the:0.046425844842555956	that:0.04365168508838835	if:0.03678540463653729	:0.01
and:0.31536826377481597	them:0.10939854192589613	made:0.10419278911695946	him:0.09050199027318165	pay:0.07760343254341166	demand:0.07659861312825111	or:0.07486138817831292	necessary:0.07209828037696153	work:0.06937670068220954	:0.01
<s>:0.47877760640326145	it.:0.11600098123471955	them.:0.08148523101060888	him.:0.07627065172523192	time.:0.05919933493181269	day.:0.04841506082394643	work.:0.04541349721875763	country.:0.043501455428945485	out.:0.04093618122271592	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
I:0.2997053708636389	not:0.17014975494880383	we:0.1337511435044756	you:0.08696903947908137	they:0.08617604569293982	who:0.06902633107914667	We:0.05553596343789606	to:0.05499233439263926	would:0.03369401660137821	:0.01
the:0.398324095072529	on:0.14698154065624808	at:0.1045470074579354	of:0.09514608509011335	and:0.06730436488388128	a:0.05424877288505315	from:0.042531128139634077	to:0.041486266137443085	in:0.03943073967716248	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
was:0.21898776741428613	is:0.16089429356688462	of:0.1475820838409587	in:0.13355782359021742	and:0.08891445242817511	are:0.08405931384817297	been:0.05568810476377224	be:0.054754328586720476	were:0.04556183196081231	:0.01
and:0.18094508512790916	that:0.1786048563036492	as:0.14661261201912992	of:0.1044285178297408	to:0.09833838291224427	for:0.0862912468699494	make:0.07665295326103583	but:0.05959992198024801	if:0.05852642369609343	:0.01
the:0.3853244944598765	of:0.20161191429901182	and:0.13281277996971314	a:0.12239923761336709	in:0.03551265260697983	to:0.03103354669114786	or:0.028518751250521997	The:0.02804008313706694	tho:0.024746539972314786	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.303134032591169	that:0.297606976656036	as:0.12323178679778064	but:0.06316432554717032	even:0.059346434140206114	But:0.04121195883246587	And:0.036674087613377315	or:0.03486657882197133	and,:0.030763818999823344	:0.01
and:0.29476992466725616	it:0.2523834471303402	It:0.11652428472789163	now:0.08617884240096571	he:0.060451959444351694	be:0.04883836790611324	or:0.046680061540685484	that:0.044204477710903474	is:0.03996863447149244	:0.01
to:0.5817448267439164	the:0.07457923992941141	will:0.06970569385486378	and:0.058075301896560905	of:0.052388027237534836	we:0.043203959711810375	a:0.03945515330372406	I:0.037436909787381206	not:0.03341088753479695	:0.01
to:0.29180415793153586	and:0.21045365365751517	of:0.1452599787014739	the:0.12575576703428043	in:0.06574761127577354	<s>:0.04104981934860873	not:0.04093701420182499	I:0.03567624969745241	by:0.033315748151535096	:0.01
the:0.2072737110511116	and:0.1838606446794515	a:0.1411642662085484	was:0.08670982742090688	is:0.08044313050218144	of:0.07945940425876356	be:0.07902414462539077	an:0.07190968630999436	to:0.06015518494365152	:0.01
eight:0.4885670465687767	six:0.10105748116742526	three:0.08764014070020089	two:0.07721202448489148	four:0.07203570276773906	of:0.05376974264970251	five:0.04177270324006542	hundred:0.035902227942267065	Eight:0.03204293047893159	:0.01
the:0.4456626343012115	of:0.2552826518498	an:0.07585956033159949	and:0.05548016501715636	in:0.042959314829722074	The:0.0389658501410239	to:0.02738112978912027	for:0.02490249212888839	tho:0.02350620161147803	:0.01
it:0.2714494548861213	It:0.2641410715577613	there:0.09950080270981661	that:0.09833819457803311	and:0.08095843918832192	which:0.07570046071549426	he:0.05194405615668129	He:0.024045870580253485	man:0.023921649627516906	:0.01
to:0.16889050230180563	and:0.15891446437031911	of:0.15884397483632715	in:0.13518036410011175	was:0.09121132328425902	the:0.07807638466717513	is:0.07460290674742219	be:0.06880460638737085	for:0.05547547330520909	:0.01
the:0.6827527985943189	on:0.06717293226136645	tho:0.052271186327477175	of:0.04588646355786461	in:0.03511630100947564	The:0.033459362979941634	and:0.02624832594638906	tbe:0.024897020669946767	this:0.022195608653219803	:0.01
of:0.24656772464929244	the:0.21345823037957828	in:0.16299740296447346	and:0.08298745813918924	to:0.07686536558306326	a:0.07617118979561424	for:0.051083127643881704	that:0.04274984899508007	by:0.0371196518498274	:0.01
the:0.6775591707975088	The:0.08621323586885307	and:0.06389235903165291	a:0.050004821112685366	his:0.03328409501976278	tho:0.03208618137175934	an:0.016179880720681973	of:0.015476525732702886	in:0.015303730344392774	:0.01
and:0.21140182009276945	of:0.12630093078170396	<s>:0.11816121182694672	two:0.10209128211129447	ten:0.09882153564002126	thousand:0.09350455230822405	hundred:0.08532543881766838	fifty:0.07968993203359437	three:0.07470329638777727	:0.01
and:0.22684169128412182	was:0.22655997024245278	is:0.1414460752756438	were:0.0840280512903544	are:0.08388486977230154	be:0.06172879039521298	it:0.0572951826349772	been:0.056615673540498325	on:0.051599695564437116	:0.01
I:0.2816118698897348	we:0.1341322774621447	they:0.11859063261388873	who:0.10618187067871429	and:0.08269864915785202	We:0.0802086706107426	to:0.0721045902522123	would:0.05802420796539524	you:0.0564472313693155	:0.01
the:0.5389043069084107	The:0.09762923075792902	and:0.07144202157711343	our:0.06291292400682037	his:0.05923466127384128	of:0.05729302017227941	their:0.046503143177346155	a:0.02848215035477544	tho:0.027598541771484086	:0.01
to:0.6852095872424641	will:0.05752447871397687	and:0.049601779675401365	we:0.04496315985456515	not:0.039001308630989474	the:0.03654852599516415	can:0.028770744172100512	would:0.02636811124357371	who:0.02201230447176456	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
this:0.3536460687230328	the:0.20134315625757632	that:0.1264116434376306	first:0.08156403079915334	a:0.04828420042459827	his:0.04808056548865858	took:0.04672647842370601	same:0.04619958990329872	on:0.03774426654234545	:0.01
of:0.4920337417138927	in:0.10515312147251046	that:0.10377511574682478	all:0.0757000338668509	for:0.06073832494249031	to:0.05048211862240463	and:0.03859022223766562	from:0.033280256243229674	on:0.030247065154131048	:0.01
Mr.:0.3620916607607012	the:0.36161207041172383	and:0.0689616971212912	.:0.058763477568067594	of:0.03647710265510219	Mrs.:0.03153714112961611	Dr.:0.025194921573713305	The:0.024056226043881156	in:0.0213057027359035	:0.01
No.:0.1933586283182993	and:0.15676749055908437	the:0.13393812525374674	of:0.1264478384532672	at:0.08881292736526274	.:0.08094643297346761	a:0.08008049067163032	said:0.06664873799122828	to:0.06299932841401341	:0.01
be:0.3288459222736692	was:0.14341301281049781	been:0.1284852121623202	and:0.10190890450299456	is:0.08886141073657951	were:0.06737671873528582	are:0.0613555227095857	being:0.03546910596280148	has:0.03428419010626575	:0.01
and:0.17169304186977044	order:0.14482427424410896	as:0.11981837936464645	him:0.11236110140145124	is:0.10360458282229822	going:0.08704028653231835	them:0.08481601736134567	able:0.08435601654389725	time:0.08148629986016341	:0.01
he:0.25202059975552316	I:0.2442143446769419	who:0.0996063894427826	have:0.07312426424647316	they:0.07280612238595349	and:0.06769652624293486	He:0.0672136578393273	she:0.06162944939631514	has:0.05168864601374838	:0.01
the:0.3852091685420713	of:0.15029792416713433	and:0.13361736839571411	a:0.11891032624485717	in:0.05055226342026037	to:0.042450229405257604	for:0.03799538051249681	or:0.03633593244546821	that:0.034631406866740044	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.23341235727645962	and:0.21060693186296947	of:0.15621602146684543	to:0.1172085908743635	a:0.0899513115910068	for:0.06268825623242862	or:0.04194821672382436	be:0.03899394914629359	was:0.03897436482580857	:0.01
the:0.38642456388553126	a:0.15366480611953984	and:0.1002679214457172	very:0.08312859671643338	so:0.07285503781758104	The:0.064613969003164	is:0.05249573885028277	that:0.03867849693505727	it:0.03787086922669319	:0.01
a:0.5378640342482929	of:0.1642236590911788	the:0.06524419732383643	with:0.05384399760236418	and:0.041116714971730056	make:0.033994772316955184	A:0.03325630344776478	as:0.031537118923850235	in:0.02891920207402738	:0.01
of:0.2200441112941377	in:0.18256830931042983	to:0.16559664579132666	and:0.08769927101167979	that:0.07693376813602146	on:0.07330024934782023	for:0.07172399241240128	by:0.06170123606000536	In:0.05043241663617765	:0.01
and:0.1822878098260988	is:0.13102666933680399	in:0.1186274843964265	are:0.11188658441342779	of:0.1052099399141285	to:0.09419717616815035	was:0.0867213972993371	for:0.0853710050020382	be:0.07467193364358883	:0.01
of:0.314425665506603	to:0.17818773956325384	and:0.17433062391543147	in:0.09593468889848933	with:0.06369150251391101	for:0.04791020851097738	that:0.04429508595228765	by:0.039589557597622636	all:0.03163492754142366	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
and:0.15256848673310489	such:0.14731153053420695	far:0.12073398838609717	described:0.1143154754974988	well:0.11153042844563595	it:0.09638695456056151	is:0.08935355501075025	so:0.07908693814044321	much:0.07871264269170118	:0.01
a:0.2733888420291987	the:0.24905300490089188	an:0.10334739617001902	no:0.10296748550971181	and:0.0784569888740768	this:0.050976743775624986	is:0.05010788328835998	The:0.044831564599639384	any:0.036870090852477305	:0.01
of:0.21058297661381772	the:0.16664422351882852	a:0.14687797212817486	and:0.1389221771909303	to:0.09551224746406706	in:0.06939425697701311	for:0.06497206504287746	be:0.04960860598738935	or:0.04748547507690166	:0.01
of:0.17305733136378593	as:0.17168325326011386	is:0.15140740336541259	with:0.1230368406940137	in:0.08621364376328541	by:0.077522436023017	to:0.07646354134481434	for:0.07263063265376786	was:0.05798491753178924	:0.01
state:0.22660505081407464	number:0.12961076376622624	State:0.12465059569790833	out:0.11690031111249555	matter:0.10335511155368338	line:0.08658414711881184	side:0.0756751566947842	part:0.06598311509059715	people:0.06063574815141873	:0.01
of:0.17390988285144748	in:0.15817066514257155	and:0.13110317743527233	as:0.10855467172057454	to:0.09976923770764182	with:0.09688495082595204	is:0.0848537246117349	for:0.06890492844321996	such:0.06784876126158534	:0.01
it:0.2953751866201883	It:0.22917058036645893	there:0.09030319205053913	he:0.07991795998461584	which:0.07853646262461578	There:0.07470396004987191	that:0.055871936189072276	This:0.04395664598612676	He:0.042164076128511016	:0.01
be:0.7770530399236145	was:0.05817165492530771	been:0.05291790234626574	and:0.02325092207767711	were:0.022440987657425974	is:0.019675619980580275	are:0.01658972012061428	bo:0.01229397844787708	being:0.007606174520637276	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.3191673155695424	the:0.18933719986691377	and:0.13016766844388808	in:0.06865666261761132	on:0.06074327094858061	to:0.06015145287825365	for:0.05782003662363409	by:0.052559916660503025	with:0.05139647639107298	:0.01
of:0.25919883803158345	the:0.18841275418598943	and:0.12731149531046468	to:0.10264461601135579	was:0.07413436113579477	in:0.07099931091010063	be:0.05839422167739358	<s>:0.05607769843242761	for:0.052826704304890074	:0.01
of:0.3899071964526061	in:0.19009555597020078	that:0.09013240421728085	for:0.08640923458062776	to:0.06336771053272987	In:0.06086926616959573	by:0.040585180612967585	and:0.039639090540744604	on:0.028994360923246774	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
that:0.3352852244677467	and:0.15101061572564908	as:0.1145782961308799	but:0.10761844767915738	if:0.08648243192623262	which:0.06211562147927721	when:0.061325708927912094	what:0.03627597683936699	where:0.035307676823778035	:0.01
an:0.4008569888627701	the:0.19912001994123546	most:0.15700038993489535	and:0.08344493138241263	more:0.048071137490574206	of:0.02732898883303279	very:0.027189678725580688	all:0.023673764646384994	in:0.02331410018311376	:0.01
of:0.29943684904354695	to:0.14955098914370363	in:0.09350327446748762	for:0.08753648874229963	and:0.08509473402380469	by:0.08416402641277104	that:0.06823158990818118	with:0.06584550963917403	on:0.05663653861903134	:0.01
the:0.27617660439321345	of:0.27100291037847957	and:0.18581489955540598	a:0.056035112321138635	to:0.04298670896045503	by:0.04278844273608518	in:0.04220737845993434	his:0.03803149435972486	The:0.03495644883556293	:0.01
<s>:0.5269112841592032	it.:0.12245629793474531	them.:0.0716656892298435	him.:0.06678560586390085	time.:0.04649761486800046	country.:0.0434122344455541	liver.:0.04077365787389438	day.:0.03774937396099978	life.:0.03374824166385851	:0.01
of:0.1389942446670664	in:0.13834897730455523	was:0.13375169383718188	for:0.12648654264470166	to:0.11093770782253108	is:0.10924902368449645	as:0.10867439826393262	and:0.06555447847045365	with:0.05800293330508086	:0.01
went:0.16931134438752454	go:0.13153589341868868	divided:0.11410829972819028	came:0.10537222122818254	brought:0.10486312796872113	put:0.09706870727178447	taken:0.09165460686907627	enter:0.08862346368096592	come:0.08746233544686602	:0.01
of:0.4435305040342153	in:0.17705854314440347	to:0.06889216525096764	that:0.06546992878635899	by:0.05680029915193767	In:0.049028049333583894	for:0.04802986468747759	and:0.041749978671101515	make:0.03944066693995402	:0.01
went:0.1794974806493376	go:0.15454708545878776	came:0.11151278596248962	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263337	down:0.08367866714280338	come:0.07744132287303515	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.47911636853392614	and:0.10078480860105794	of:0.09954079331996062	a:0.08696531253960743	in:0.08219915636699002	that:0.04998438521116081	tho:0.032216955252757626	no:0.029856704288588637	any:0.02933551588595079	:0.01
of:0.23516824231471586	with:0.19540987511417418	to:0.1629188698327777	in:0.15500938562368613	and:0.07088053005279998	for:0.07018251753291256	by:0.040321025168227005	In:0.03151209352243346	from:0.02859746083827298	:0.01
the:0.3468633825872501	and:0.18518224437283504	of:0.15143750927554478	a:0.09844640376854244	to:0.0498406758687513	or:0.04124777339412543	in:0.04088644030696767	that:0.03999941070038591	<s>:0.03609615972559739	:0.01
the:0.3987997587937434	and:0.14213458652192476	of:0.1240253550918833	The:0.09637109089116062	Mr.:0.06397572111697562	that:0.06377831839668578	a:0.04501196542652534	his:0.03024759277849259	tho:0.02565561098260871	:0.01
the:0.2973719272365705	a:0.1587631399935713	in:0.1535700728143474	of:0.13108623693304752	and:0.0936743856452673	In:0.04612387123354794	to:0.038046542965813404	some:0.03626454094801011	by:0.035099282229824384	:0.01
and:0.30540310117480274	of:0.2591732093242181	to:0.10919905934775048	the:0.0950370596211873	for:0.07667761757838626	at:0.04537529692666767	<s>:0.040610491234808976	by:0.03299500826395178	in:0.02552915652822658	:0.01
of:0.2636567515728808	to:0.15113122780848737	in:0.14799642705162244	or:0.12337841045226366	at:0.06630604648303912	by:0.06599250524183466	as:0.06500721369969277	if:0.05377184288715111	that:0.052759574803027905	:0.01
the:0.5972909068334303	a:0.15991958132949474	and:0.05856594746279102	The:0.05551275022921211	to:0.03939234477281326	average:0.02696965308532761	tho:0.02589397622019143	great:0.013489181729809691	or:0.012965658336929826	:0.01
of:0.2794793916457396	in:0.16229837582368578	for:0.14890899182488884	to:0.128440687749855	with:0.06539901789760698	and:0.06208654949607796	that:0.049215690688448485	by:0.0488020889196687	on:0.04536920595402874	:0.01
of:0.4061718721844183	to:0.12549127481807346	that:0.11646835314454528	by:0.09842653733529988	and:0.09807313009608123	with:0.04982855422007516	for:0.033121613173140343	as:0.03243387979934149	all:0.02998478522902498	:0.01
that:0.27430387700083886	and:0.16403598892792326	which:0.11518182488082544	as:0.1097094349899535	will:0.0840903770249145	when:0.07366135013600313	if:0.05740715955693758	to:0.05691007358965826	shall:0.05469991389294535	:0.01
of:0.4141232420194457	in:0.14760655510293907	to:0.08971566318200534	by:0.07266953364523727	that:0.07024692219685608	with:0.06127123587332129	for:0.053160640547402147	and:0.05219722074512008	In:0.02900898668767309	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
not:0.4688577191558918	and:0.189240189789711	as:0.09247554589975535	have:0.05285476885624987	has:0.045904082809992225	is:0.045739466816245786	are:0.039708364535284646	had:0.0280160227483158	never:0.027203839388553572	:0.01
<s>:0.3407474958042286	.:0.1439778885135098	and:0.12975959489343503	it.:0.08543738615559952	them.:0.06773340173347395	of:0.06043838385297755	him.:0.056937998621923135	boy.:0.05688364179395075	year.:0.04808420863090167	:0.01
the:0.47166512199393806	in:0.13324799048530206	from:0.12939443012213353	and:0.07384914052580369	of:0.07368960993696919	In:0.04380522638468848	tho:0.024111270339283758	to:0.020562922968634937	thence:0.019674287243246297	:0.01
the:0.5153632336780143	and:0.10629592797875415	an:0.07709952514778881	or:0.05647435682986999	this:0.054695063343332156	a:0.05396113007817751	The:0.04661243553967537	all:0.041321954265378005	other:0.03817637313900981	:0.01
the:0.3181687892548084	a:0.22920285451554498	some:0.08361446222034832	this:0.07688136437706945	that:0.07004609913994633	short:0.06415895808138343	same:0.05876319174808443	first:0.049124330818248074	any:0.040039949844566596	:0.01
the:0.3331925550671004	of:0.2332480466534416	and:0.12395923476969917	a:0.07928370184843045	Mr.:0.05736952256192119	to:0.04770976412706071	The:0.04417668138726264	in:0.04189710404630304	that:0.029163389538780702	:0.01
it:0.1912037633768029	and:0.14181893477537585	they:0.12842954853076882	which:0.10681691350284597	he:0.10149412192147439	It:0.09453437728173905	that:0.08217827055419531	you:0.07728264721486483	I:0.06624142284193282	:0.01
the:0.3101469464245839	and:0.18139257296176556	of:0.1189750832204775	in:0.09177950457907187	to:0.06476035881673946	for:0.06265243913967722	that:0.06163497939193545	or:0.05030597233991142	be-:0.04835214312583766	:0.01
was:0.1868501524911039	and:0.18377752844597528	is:0.15993371499914383	are:0.12640479524443496	be:0.09074403913107874	been:0.07703178011825772	were:0.06222218080497927	not:0.06099770740345812	or:0.042038101361568186	:0.01
a:0.21530394407101	and:0.17058216084428857	the:0.1474334676859905	in:0.13273913267794032	of:0.09318771499138591	to:0.07375311665355669	with:0.05873090863586543	from:0.04970311516112206	for:0.048566439278840266	:0.01
that:0.3109907580348074	and:0.2123993260573927	which:0.10309447246561428	as:0.09255059195916751	but:0.07856323752818853	if:0.06691816772391593	If:0.04474375656297877	when:0.044717186182024755	what:0.03602250348591003	:0.01
the:0.39403591422557377	a:0.178255532989571	and:0.11663522046834839	of:0.11381236231991249	in:0.044255175047889665	his:0.041022146258839466	is:0.040987380095915474	are:0.03145977503545613	their:0.02953649355849354	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
that:0.38314639234260467	when:0.13078830405217987	and:0.10494735551057087	which:0.08901523310559767	as:0.07679054931488127	if:0.05540889644007941	where:0.05373268422396405	but:0.05232720105559394	said:0.0438433839545282	:0.01
and:0.20885061360109825	laid:0.11837240659273295	came:0.10692668496277574	break:0.10058019856379745	went:0.09487589062476146	cut:0.09467593185071363	lay:0.0931427411506152	it:0.0871188258407089	way:0.08545670681279649	:0.01
from:0.2439568612486867	and:0.169831616483614	or:0.1156269960669345	of:0.10038234060483639	writ-:0.08868278699026945	than:0.08164942037256163	to:0.06954208021113506	in:0.06158597506373904	for:0.05874192295822317	:0.01
it:0.21175262889566568	he:0.19014680904145959	It:0.18982028099853918	I:0.10966414085604292	there:0.07299980840495356	He:0.06663726083701502	and:0.05018674089608051	she:0.049644215904146693	which:0.049148114166096796	:0.01
No.:0.1933586283182993	and:0.15676749055908437	the:0.13393812525374674	of:0.1264478384532672	at:0.08881292736526274	.:0.08094643297346761	a:0.08008049067163032	said:0.06664873799122828	to:0.06299932841401341	:0.01
of:0.45286509993282864	to:0.12936772118611853	by:0.10657977973622622	in:0.09104379595603694	that:0.06632290700634372	and:0.045629181529780245	for:0.037115230855319155	with:0.03184667995142132	from:0.029229603845925253	:0.01
and:0.32520145024625263	but:0.16813082620689765	that:0.1543805772522482	as:0.08079247371603898	when:0.06945455259245453	which:0.05358985322342198	if:0.04845131330154543	But:0.045100211817430805	<s>:0.0448987416437097	:0.01
the:0.39290480466516864	a:0.2361069625769116	his:0.11467873110901684	to:0.0786453609423599	their:0.036527318554339716	and:0.035098466663570506	her:0.03292424078169781	this:0.03291713054011832	its:0.030196984166816546	:0.01
the:0.5282104024380401	a:0.1548758249265963	and:0.05267054457059807	his:0.04956413951571342	The:0.043608625615050335	our:0.04347158007921086	their:0.0413224482688138	of:0.039100007273391295	any:0.03717642731258594	:0.01
the:0.4017098405391221	a:0.22308489636130002	of:0.09359045348520063	and:0.08572816836758396	in:0.0536545704771204	their:0.034816648713441804	is:0.034593181980895144	its:0.031973580706929995	The:0.030848659368405994	:0.01
and:0.2011568557429247	the:0.18744675197303373	of:0.1731616281387204	to:0.15124138919800478	in:0.0835458167936189	be:0.06455039164324629	was:0.044267193450221176	a:0.04325789550780316	on:0.04137207755242694	:0.01
of:0.22362295419437203	the:0.18158756637795948	to:0.14608641374019174	at:0.1307230751676709	and:0.0960571604054783	in:0.06009339973294786	by:0.05211063685156121	was:0.05116314938828525	on:0.04855564414153307	:0.01
and:0.3242594410480908	fact:0.15837648616867342	is:0.13964838958627177	so:0.08491370591210645	was:0.06483662652479522	believe:0.059533851410187355	of:0.05801687718994125	say:0.052950810581172555	said:0.04746381157876119	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
be:0.3739248140238352	and:0.2227056004357695	was:0.07569045514518989	been:0.06480514468150968	he:0.06069988082150914	have:0.057023913483939905	are:0.047466178806796794	had:0.04452285656157701	is:0.043161156039872764	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
<s>:0.5326420632855325	it.:0.09270081495704723	of:0.06518779013576816	.:0.05793345505994498	them.:0.05776309194811555	in:0.04992238211322686	time.:0.047339562945395604	day.:0.047145853722809265	country.:0.03936498583215988	:0.01
get:0.1466179279908691	was:0.13816166858847523	and:0.13411725524820045	him:0.10611862598008347	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536371	go:0.08768078124059613	come:0.08255568388883913	:0.01
in:0.1866879523949948	to:0.18589197216158515	for:0.15435103442564263	of:0.1489844164504124	and:0.0861483090960881	that:0.0682985575212463	with:0.060457573845622184	as:0.05067561870639264	at:0.048504565398015675	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
I:0.31400247398967174	and:0.18751487211335996	he:0.13956054237853005	He:0.0945599540898442	she:0.06550881303219697	had:0.05995876717770556	have:0.053473785340181476	was:0.03814304623837234	1:0.037277745640137784	:0.01
the:0.4475342301106122	and:0.15501785922981828	of:0.11246895138119495	a:0.10431720578756748	to:0.041039693822787646	his:0.037627712550841415	their:0.032576378966473314	tho:0.02984235385409394	with:0.02957561429661076	:0.01
and:0.18929310138123437	covered:0.16935884120870554	filled:0.14496098815620134	together:0.1149389467597416	charged:0.08927804784918368	it:0.07994316895661391	up:0.07366667277508843	him:0.06832445206581947	them:0.06023578084741164	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.38121208956051794	a:0.16037526857802756	to:0.12864686989319762	and:0.0981673253818992	of:0.07699567693676995	The:0.04843629063131208	in:0.04269713816676678	his:0.027264819624349027	will:0.02620452122715989	:0.01
of:0.33672424568280146	in:0.14678802062706986	to:0.11364573995622267	for:0.08450211588257416	with:0.07114087352589918	any:0.06981249612903115	that:0.062216617957506125	and:0.05729647644438153	by:0.04787341379451395	:0.01
it:0.26864434974930373	It:0.19660240576767254	which:0.1320695580054355	that:0.08946995431699437	and:0.08477480518149304	there:0.06929056079654618	he:0.05649548061494741	There:0.05576551841539908	who:0.036887367152208236	:0.01
the:0.7405386648505318	The:0.07696582161231907	feet:0.04004467098426235	and:0.035470696788827916	tho:0.029860668599961896	as:0.021093507992011592	bounded:0.017500109514995983	said:0.015032463825535617	tbe:0.013493395831553732	:0.01
he:0.22480229380192837	it:0.17485728277577847	they:0.12397626271710332	I:0.10874733808034656	that:0.0944115016573233	It:0.0934061924792438	we:0.05704965258936926	which:0.05692367062721336	and:0.055825805271693715	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
be:0.217118905994726	he:0.18639953438945733	I:0.18403529071928962	was:0.10480656841771727	are:0.06986086899855001	is:0.060476446952952234	and:0.05717041406345191	were:0.05606228818978584	have:0.054069682274069664	:0.01
in:0.5742701094963092	In:0.1884743944231919	of:0.11047696810755414	to:0.04304260370463655	from:0.01943546695368124	for:0.017731529372511292	by:0.012822187619368163	that:0.012088642096378511	iu:0.011658098226368952	:0.01
is:0.3376843817075452	and:0.17690967621502085	was:0.155732637274874	are:0.14068662288976458	be:0.04522576586176346	were:0.04126854234466042	Is:0.03904998387031715	not:0.028726010852354093	I:0.024716378983700424	:0.01
<s>:0.44105557104011195	and:0.12098506677207574	it.:0.11229537969270889	them.:0.07872475712049697	him.:0.07704901427237312	?:0.043854047304809816	:0.04070825339761538	country.:0.039287617627415845	years.:0.03604029277239232	:0.01
to:0.5557710995833393	I:0.08600115345656742	not:0.07933061155111117	and:0.07541638381887009	can:0.06275561985832923	will:0.05927238097630478	we:0.026044480483078513	would:0.023072239722670546	could:0.022336030549728908	:0.01
the:0.22013740874126994	his:0.2167187672230167	their:0.21044281389398634	a:0.09498462902209474	our:0.06416720050944683	my:0.0570826202829001	its:0.055262668575390014	her:0.045650293982039965	of:0.02555359776985549	:0.01
of:0.3088714385970811	for:0.14308085889885952	to:0.13199461350833705	in:0.10886798003644833	with:0.09681519586251057	on:0.06159520873640296	about:0.050460428485029206	upon:0.046812249530289146	by:0.04150202634504206	:0.01
of:0.3505949369453092	the:0.21653399777425866	with:0.09889027074417558	in:0.08779183757653117	to:0.058168793884504494	for:0.05585206736100905	a:0.05298558997050593	and:0.04392018866128133	by:0.02526231708242469	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.11808702737128361	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
in:0.3435281418700772	the:0.22328966162225716	of:0.1236542575856465	and:0.11329500217583427	In:0.060393788819043066	by:0.04638825202063074	with:0.02943268963346233	a:0.02539145657621773	for:0.024626749696830774	:0.01
of:0.294666428155827	the:0.2137604071240242	in:0.1100794537592959	to:0.09465705707677612	at:0.08462268773428626	and:0.07156295470871141	a:0.04490704149948273	by:0.03884624367114581	from:0.03689772627045055	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
the:0.2702497323995954	too:0.14733651704384326	a:0.1402333967751836	his:0.10027653548829059	any:0.08036480599372553	their:0.06816656861551498	of:0.06369171585513156	be:0.06180710982145339	and:0.057873618007261624	:0.01
a:0.30373338514371967	the:0.27318394032502785	of:0.1396176266166184	and:0.08447124880049493	The:0.048821479108017644	Mr.:0.03984942405931236	by:0.03729172250139764	an:0.032906736530052834	to:0.030124436915358644	:0.01
it:0.35505309117815476	It:0.2256851548211504	which:0.09186997500389063	he:0.07427712557156563	and:0.06860291172058657	that:0.06252393229388647	there:0.045646756155683414	who:0.03881624702318383	This:0.027524806231898347	:0.01
those:0.46112278366727133	men:0.15271263087202785	Those:0.07342833148307996	people:0.06385501573476286	man:0.05986047203846158	one:0.05625536917139809	and:0.05305228165944131	women:0.0369782972068449	persons:0.032734818166712164	:0.01
they:0.22798302023026587	who:0.16027185150635975	which:0.12075617739444383	we:0.10428659505719451	there:0.09339196445267794	you:0.07633570634561965	and:0.07259776617421237	that:0.06829302988942397	They:0.06608388894980216	:0.01
the:0.18022459298833324	and:0.1692210974597302	of:0.15317384757317404	in:0.142323933277085	to:0.10787380132769393	for:0.08429431185773617	or:0.059329075739320086	that:0.051629876388277665	which:0.0419294633886496	:0.01
is:0.3574591313972601	are:0.25460400451563053	and:0.10590439336124803	Is:0.0691299301774009	was:0.05983012055178282	it:0.042289081891148016	not:0.03539486957404786	but:0.03432045469530236	am:0.031068013836179402	:0.01
of:0.21553561003275554	as:0.14029447289942157	to:0.13073019296171015	in:0.12764014142273009	and:0.09051941184536484	with:0.08538569829417555	that:0.07885592353803066	by:0.06216158095837924	such:0.05887696804743249	:0.01
of:0.2534786130879051	and:0.23086447024210013	but:0.10373765171285387	know:0.08027570491198117	to:0.07681170348932287	But:0.06865620483011295	for:0.06087560033719698	And:0.060728332524524975	that:0.05457171886400201	:0.01
the:0.38831789826169594	and:0.139809542895191	a:0.12501391806892445	of:0.10314411956739562	in:0.08268039511025205	to:0.03956399531970184	an:0.039219964315958894	his:0.03639415350602168	was:0.03585601295485838	:0.01
went:0.1794974806493376	go:0.15454708545878776	came:0.11151278596248962	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263337	down:0.08367866714280338	come:0.07744132287303515	:0.01
nothing:0.22999994403267135	;:0.21058739988529876	it,:0.10183340037460255	anything:0.09037043480988034	them,:0.07785156182449439	time,:0.07737348964271352	and:0.07361031441047886	him,:0.06990752400737785	is:0.05846593101248231	:0.01
and:0.3060416402511869	was:0.17519164165947718	is:0.13718138753197637	be:0.12739828520050123	are:0.07257638677277552	it:0.04467185492522868	were:0.04235597729977615	but:0.042343921690408445	not:0.042238904668669496	:0.01
the:0.37190023267326017	a:0.20471738116330923	and:0.09204566273361835	an:0.0919378946422381	of:0.06625807473219751	that:0.04392737627018058	in:0.042255906919283354	to:0.04099417475174147	The:0.035963296114171095	:0.01
of:0.3471254604275092	in:0.16797031533055737	for:0.13851676992809409	to:0.08807251420763126	that:0.06603540238542202	at:0.05793667415085777	In:0.05044058809051784	and:0.04775029590803554	all:0.02615197957137481	:0.01
of:0.4442470457568019	and:0.10093776245298881	to:0.09854854790813723	that:0.09772223555800282	for:0.07531354723542741	in:0.054239526418130846	by:0.053096567688494876	with:0.03383808663633398	all:0.03205668034568196	:0.01
of:0.27313704154791973	in:0.14190147331961336	and:0.10776820482929642	to:0.10654870133911326	by:0.08552750841419972	with:0.07528875783973459	at:0.07289593156604483	from:0.07246544114557583	that:0.054466939998502245	:0.01
of:0.4476414548458987	in:0.13070748923050046	that:0.08740894385723581	to:0.07662225320510424	on:0.06376204471058321	from:0.048758154713483506	by:0.04664786556898953	In:0.04545845854373439	and:0.04299333532447021	:0.01
of:0.3582541495959591	the:0.28994841854852127	and:0.1301032474231809	in:0.07784906754443188	by:0.035821567961589515	a:0.029085910873762208	from:0.026762195601811735	with:0.022455594246924126	&:0.019719848203819324	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.0967371407604443	that:0.07632406646832235	a:0.046895937127093126	his:0.030747167493934736	Mrs.:0.026865629367826563	:0.01
an:0.42472231522185433	of:0.17669134481134327	in:0.09056440153824208	the:0.06723054412790504	is:0.06141908366078413	and:0.05350481234771232	most:0.04895960715346131	with:0.03519861069791611	are:0.031709280440781425	:0.01
one:0.2314366094552236	out:0.18864256223575832	part:0.14694585910604258	some:0.12367015336334346	that:0.07023736669019377	all:0.06683280619515869	much:0.059800937165185496	and:0.05192741029140557	time:0.050506295497688515	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.4619592159085895	this:0.08837198148943043	of:0.07428924076448973	our:0.0693174256707118	that:0.06849464789372477	their:0.06367425078493119	and:0.06051951441831318	his:0.057473976818985646	or:0.04589974625082377	:0.01
of:0.3325095250128426	the:0.21624872522542357	in:0.14749715712233827	by:0.14070842207454662	to:0.05446660296032549	In:0.026912586324946135	which:0.026218829494769322	on:0.025360835955191986	that:0.020077315829616103	:0.01
be:0.2890315124833315	was:0.2515337711651928	been:0.16678238920714533	were:0.08361270619119031	is:0.07704624225859023	are:0.046164442220794445	being:0.03315682788147072	and:0.022922749002701436	bo:0.01974935958958331	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.4637766094010889	of:0.1720053691457355	and:0.08267332403359252	their:0.053233717135349086	American:0.05239342917400926	The:0.04385488567029171	for:0.04271606714208156	his:0.04162681331145865	other:0.03771978498639286	:0.01
was:0.2636737132604185	be:0.20718234182870188	been:0.11778073188860635	were:0.09885171117451035	is:0.09006696160581718	and:0.05823735240999822	have:0.0580124413002942	are:0.051447706499748676	had:0.04474704003190466	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.40748578338114105	a:0.15961544019789237	of:0.1051881645221869	and:0.09988936785929728	to:0.06234148091142628	The:0.04755656276417259	in:0.041739985670056046	on:0.03654486787306112	tho:0.029638346820766517	:0.01
of:0.5751590850514232	in:0.11001726046020475	at:0.0683116749074602	by:0.049405117464160736	on:0.041884164249828715	for:0.04156930196816541	from:0.035991937454112326	the:0.0355544058429558	and:0.03210705260168887	:0.01
in:0.24473212567012673	of:0.22094131389565994	to:0.17240268704730569	and:0.08714906094153861	for:0.07252748225949551	In:0.05548096007571599	that:0.05538946452533949	with:0.04429541017936014	on:0.03708149540545783	:0.01
the:0.7719286545619316	The:0.06801317698530951	tho:0.038778610472768954	take:0.027760551504960786	and:0.02077360629408422	in:0.01935565650157641	no:0.019035141982822697	a:0.012486246910711075	an:0.011868354785834572	:0.01
of:0.25693776819969066	and:0.2094955387582391	the:0.11337438006137046	a:0.09739886352866003	be:0.07217382976012138	to:0.06455561601272865	for:0.06383901251326714	was:0.056179827358718994	is:0.056045163807203736	:0.01
the:0.6258726522664784	a:0.13461756997063534	and:0.07968616292894322	The:0.034481446015133706	this:0.031150419685504766	to:0.0286945160600366	tho:0.027988573922704704	of:0.014598649927972272	in:0.012910009222591001	:0.01
and:0.22660218331016788	was:0.16216519964414217	of:0.1543369517358993	is:0.12506182885118391	nothing:0.07223372324353544	bring:0.06656749485518733	anything:0.06412058257278813	for:0.06252613832323474	talk:0.05638589746386113	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
the:0.38489692704492023	not:0.25309895436503543	is:0.08049586543360475	The:0.06666606115667226	was:0.06157699334400126	and:0.05014147968100144	are:0.0355566998920736	of:0.03272328629210211	tho:0.02484373279058889	:0.01
a:0.27978548166093964	the:0.2659919744358447	for:0.10714567378631298	of:0.09401216895388162	at:0.08334686559471018	in:0.05301578116328584	and:0.044031436882433196	to:0.03771218877289838	an:0.02495842874969349	:0.01
and:0.2096297155861575	was:0.15201401237831563	be:0.13720913671539012	is:0.13077951450866274	are:0.10360936316411633	that:0.07186814696636759	were:0.06422451240194267	been:0.0613507889192028	now:0.05931480935984459	:0.01
June:0.22104321180896666	May:0.15379420168633787	lot:0.1476645928341527	April:0.10061574667812988	July:0.09254960444275101	No.:0.0853408787735326	block:0.0698036519963578	March:0.06524573752646246	degrees:0.053942374253308945	:0.01
the:0.4163816034420401	this:0.16145720170949587	a:0.14422630604426306	and:0.08291548388040809	to:0.06661788695831267	of:0.04948896080648442	in:0.02566612534370919	that:0.023459847312739885	tho:0.019786584502546792	:0.01
the:0.23535211658783367	and:0.184410827637978	of:0.14827791658709305	to:0.1316388961335419	a:0.09207523093102993	at:0.06274845552226836	in:0.05545902915066156	for:0.042674663661472906	with:0.03736286378812061	:0.01
the:0.564158564875447	a:0.1657282558529933	this:0.06313610677515098	tho:0.041727532327802186	of:0.03838658305501099	and:0.03453214859682832	The:0.03337526367651976	further:0.024536855069797477	to:0.024418689770449902	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
;:0.22090971489875222	nothing:0.13508905867316987	him,:0.12034140628641939	it,:0.1174467613330467	is:0.09832858975925855	time,:0.09794524362026058	,:0.07436224406698602	them,:0.06570893480216526	years,:0.059868046559941455	:0.01
to:0.717597537845275	will:0.06178072044969895	they:0.036323796097871563	and:0.03339926409158079	would:0.030995009464652966	I:0.030430414682763755	can:0.03022821095480327	we:0.02755573438200772	not:0.021689312031346025	:0.01
of:0.19672626815229033	to:0.17995568406480408	a:0.11830846527681116	and:0.11286120760037657	in:0.09332756853241464	-:0.07538792844467679	with:0.07426292663995744	the:0.07286978517181965	by:0.06630016611684934	:0.01
to:0.30102863785986816	and:0.20724594162951251	of:0.11561430117577177	the:0.08949931874126583	in:0.06780950692820926	is:0.05678672479774325	I:0.05395775487226535	for:0.04939417435915029	not:0.048663639636213486	:0.01
<s>:0.19370573250836023	was:0.1846160430653249	and:0.17445700558366514	be:0.09160528748611196	is:0.0775693532612169	were:0.07571791958485419	are:0.06533047471872337	of:0.06410594964815133	that:0.062892234143592	:0.01
the:0.2957934211703416	and:0.17829974806025148	a:0.11120121411009788	of:0.10943864584774211	to:0.07601497745217399	in:0.07049417060565859	that:0.06066720624848918	which:0.046113178251195444	I:0.04197743825404977	:0.01
the:0.345085014255672	of:0.16266816293145903	and:0.13629283892285127	a:0.1264512294903909	to:0.05573611797138497	in:0.052345230850228984	or:0.03916420232231349	be:0.036143178827406176	was:0.036114024428292986	:0.01
and:0.2769765094247291	is:0.1334367253538608	fact:0.12049192203067935	of:0.10838690988686077	so:0.0813682234952099	said:0.07823430477057064	was:0.06646959704616157	in:0.06621133413192891	to:0.05842447385999898	:0.01
the:0.5043040552563905	a:0.269028803782072	and:0.060838266226894096	of:0.03292949735055351	A:0.027600457806351508	tho:0.026033104771473595	to:0.025931389553503593	this:0.023169431752089853	one:0.020164993500671382	:0.01
the:0.5462903785468983	this:0.20578600326088423	a:0.05329968906748723	that:0.03834926190790171	tho:0.03827129208587691	said:0.03523459725627685	The:0.027634950556194846	and:0.025465849935242865	our:0.01966797738323707	:0.01
that:0.23288747505779359	<s>:0.15050375950803124	and:0.1404429331730941	as:0.13578285782450047	but:0.0986123342983127	it.:0.08561888994175046	which:0.06481575728039769	of:0.04355217770296172	them.:0.037783815213158024	:0.01
the:0.24343084569487752	and:0.16178693456557883	of:0.13887751795222011	to:0.1244772705341572	a:0.11336884681343598	be:0.05818394061425249	is:0.050746831112712124	in:0.049860590702662695	was:0.049267222010103036	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
well:0.21321257425074594	known:0.1833023137221186	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.06163044115944836	such:0.04848962176196867	just:0.03999506790086283	much:0.03382539293359975	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
<s>:0.5005106735791184	it.:0.09062148122954745	them.:0.0763214517032343	that:0.06972594576121888	of:0.06561412537368248	and:0.05653818277026903	country.:0.04716401774653375	:0.04219361411544785	him.:0.0413105077209478	:0.01
be:0.27174475175079416	had:0.16087082851473508	been:0.1269992362981192	was:0.11704649829384148	have:0.10162157972969857	has:0.08218571632145412	were:0.06003100915069853	and:0.03663561449660126	is:0.03286476544405757	:0.01
the:0.36378624988166575	a:0.21333735890955294	of:0.11938361029879672	and:0.0907944497117768	an:0.05400797676785257	in:0.049892453393319734	to:0.03892322299178406	The:0.032800630104672	for:0.02707404794057939	:0.01
virtue:0.2531118323784269	one:0.13783951179045353	out:0.13781151302830072	part:0.095641585586563	pursuance:0.08911439945977416	result:0.07412670930619975	all:0.07128278395402765	tion:0.06738851371312381	means:0.06368315078313051	:0.01
the:0.43432419690266333	of:0.19576822582717138	an:0.12049794931559969	and:0.07001113101641551	in:0.04349757747113631	The:0.04215787302425728	by:0.033429278703822334	tho:0.0274468027286432	with:0.022866965010290816	:0.01
and:0.24532520474320918	there:0.16610954869774408	to:0.09978975004131933	of:0.09355438019991526	he:0.0837805416697179	the:0.0800428505777564	or:0.0773676272776924	I:0.07606268748147998	is:0.06796740931116547	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.2934620670631732	of:0.2141593332667423	and:0.15945002087278187	to:0.06780370218056998	that:0.06419988100345989	The:0.06058387775262816	in:0.0583461619364558	which:0.03917179644278349	or:0.03282315948140535	:0.01
is:0.19233156028604595	be:0.1854202262511825	of:0.14203865239185298	was:0.12496261907610492	and:0.09620578661819473	to:0.0733901455354962	with:0.06381489541656042	in:0.06253345775820213	on:0.04930265666636008	:0.01
as:0.635645302868923	so:0.1315698162344852	and:0.06999578326294506	of:0.04173757410688585	the:0.028953787587317956	is:0.028778043763741493	very:0.022128089028091862	a:0.01646784309055135	be:0.014723760057058284	:0.01
the:0.39473079875481726	a:0.3653019769107731	this:0.049766885315818916	The:0.036840021498956495	of:0.03676236912817017	other:0.03463821252317345	and:0.02654959174477046	any:0.025939864178417805	tho:0.019470279945102354	:0.01
the:0.29854557202464377	and:0.1745190950987386	of:0.15775938223967384	that:0.12083926351875786	in:0.06834174670401257	The:0.04624847050183587	which:0.04414875418318484	a:0.04010688611046935	Mr.:0.039490829618683276	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
the:0.3218467846617875	of:0.1828529761416146	and:0.1232207420947663	a:0.09674086771067118	to:0.08641160396374103	in:0.0783857202791078	be:0.0377967086794569	for:0.032157504111148996	was:0.030587092357705764	:0.01
that:0.36385243568775927	and:0.15369924519388334	which:0.12768578918824794	when:0.08607683089641557	as:0.08491224547045492	if:0.06144565617336053	but:0.039229712329972036	where:0.038653753038947	what:0.034444332020959346	:0.01
the:0.3964158310720498	and:0.14386851798936642	to:0.13697737447523986	a:0.07574386805539973	of:0.07108221834166827	as:0.05830429316144708	The:0.04417946768269073	will:0.03857371958645976	tho:0.024854709635678235	:0.01
the:0.35208098744397665	this:0.12295541275176579	their:0.12192228872907748	of:0.09555719392444655	our:0.08656457186438786	an:0.0612659667977159	its:0.061190922435185514	his:0.047913419529125804	other:0.040549236524318556	:0.01
of:0.26146019844263535	in:0.19472316275032267	a:0.11147293089154181	to:0.10413144658347188	the:0.1035541246787202	and:0.07407237710754527	for:0.05647649760657315	In:0.04817101004238415	with:0.03593825189680531	:0.01
the:0.8008687468308721	this:0.07453931813598909	tho:0.02577430758105306	immediate:0.0247881294701915	a:0.022153700773000575	and:0.01708638004793034	The:0.011584781744342246	tbe:0.007980998629553072	Judicial:0.005223636787067951	:0.01
of:0.29358947036125244	in:0.18028893126427095	to:0.1068098024950793	with:0.09056444700024778	on:0.08044527243799857	by:0.07461474740538868	from:0.06746986323674065	and:0.05438751561889232	upon:0.04182995018012925	:0.01
of:0.19579587323139588	the:0.19395389185426096	and:0.16899936873910917	to:0.16866607865737424	at:0.10575040280666641	for:0.0443105773816286	a:0.039519240929562986	with:0.037803865941423466	in:0.03520070045857849	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.34824457419377525	a:0.20638620984221684	his:0.12061345256831978	and:0.09487511633645061	my:0.04850886187547575	this:0.0470559690566961	her:0.04485175082585196	first:0.04263773617531887	to:0.03682632912589477	:0.01
that:0.27090077704556653	and:0.15312651985456757	as:0.13987649390953413	if:0.10480914098291425	which:0.08509535294613804	when:0.07026929768141071	what:0.06665407250841021	but:0.05952297669560378	where:0.03974536837585485	:0.01
.:0.25096843058720336	a:0.1437279154736	to:0.1237464114121198	of:0.11214172937943184	-:0.1096874210815358	and:0.08991166889379736	re-:0.06016423389978592	the:0.058345411516853185	re:0.041306777755672805	:0.01
and:0.33081637437181655	that:0.18663433312929106	as:0.1468766342561219	but:0.09049276739006623	for:0.06107736729664156	to:0.052475686612858716	which:0.04091998054191725	the:0.040853262770484275	after:0.03985359363080241	:0.01
the:0.43163178421515525	in:0.1380419332132659	of:0.09686569914511105	a:0.09401065627996195	this:0.063863538988765	his:0.05936762326884719	for:0.03878101017826875	at:0.03411790998923082	their:0.0333198447213942	:0.01
feet:0.1661827899764964	went:0.13840148588006626	and:0.12471628821229151	as:0.10253849969341691	up:0.10141755333275869	10:0.10035676626157643	go:0.09312648607067546	20:0.08356466352949748	chains:0.07969546704322089	:0.01
went:0.1794974806493376	go:0.15454708545878776	came:0.11151278596248962	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263337	down:0.08367866714280338	come:0.07744132287303515	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.0967371407604443	that:0.07632406646832235	a:0.046895937127093126	his:0.030747167493934736	Mrs.:0.026865629367826563	:0.01
is:0.17652196505802806	to:0.15961665892124027	of:0.11942784628081325	was:0.11394569552862638	with:0.10846363464426434	in:0.09014626345923861	and:0.07962055625732642	for:0.0749621396044917	as:0.06729524024597094	:0.01
to:0.5400853091156731	will:0.12416605448473314	not:0.07997277840040475	and:0.0642260782645938	would:0.06169760608265211	should:0.04030937509262209	shall:0.0357869357300038	can:0.022318688845303716	must:0.02143717398401348	:0.01
to:0.6791451020271425	and:0.07278855207224437	will:0.04915320489675916	can:0.040556024837599285	could:0.034998798499879705	not:0.0337336464821516	we:0.029844931680776045	should:0.02662422860742604	cannot:0.02315551089602114	:0.01
<s>:0.5746497061070784	it.:0.09773453705682687	.:0.059940676199078315	them.:0.05373846632082932	him.:0.05033299440965587	::0.04707292658911218	and:0.038690220510351245	day.:0.03713865829015961	time.:0.030701814516908097	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
and:0.298968348635794	of:0.1549830536219306	the:0.13121332077777068	to:0.0915481741186812	that:0.0841344243737663	in:0.06445423111974354	<s>:0.05909200052233126	he:0.05433530829034257	as:0.051271138539639785	:0.01
number:0.18152159739230295	line:0.16121117495408868	point:0.11117329959800062	matter:0.10140844259769216	out:0.09297286837390435	city:0.09076659792771734	amount:0.08992503502141458	City:0.08103768267653222	place:0.07998330145834712	:0.01
his:0.3108284652468173	the:0.18487570350983606	her:0.12197517737554384	His:0.11884493702467752	my:0.08228333382068308	The:0.06465863928655444	My:0.040350954072218746	that:0.03897754604534052	their:0.027205243618328438	:0.01
the:0.288596836910037	at:0.24291862660133795	to:0.12369926315640714	not:0.08403102074973808	be:0.07863323372809818	such:0.053440925511145335	was:0.049185680429811356	At:0.03668556946114325	and:0.032808843452281605	:0.01
and:0.18908650880201475	is:0.16061519310642489	was:0.1596406831158866	of:0.10251057803718074	it:0.08794708738555243	not:0.07793050540591424	be:0.0735087930510539	are:0.06945256323221166	a:0.06930808786376066	:0.01
not:0.22732100839550937	I:0.1824774846207267	they:0.13949221590278946	we:0.13130354854768575	you:0.09635400691965762	who:0.08215185924455012	and:0.05178384004207285	to:0.04654044311016042	We:0.03257559321684763	:0.01
the:0.43198463274749466	of:0.18669028292162088	in:0.13759398136820367	from:0.055820553202200446	The:0.043703751119055834	for:0.035296565850209176	and:0.03427661919136939	at:0.032350951109331755	to:0.032282662490514175	:0.01
that:0.1489749760935585	for:0.14830937760580712	if:0.13420130787710768	If:0.12491313819937509	and:0.11820985164690972	to:0.10250083755311869	as:0.09366941029187145	do:0.06605601562360248	of:0.0531650851086492	:0.01
the:0.6802306223141784	The:0.1011424171140648	not:0.053068615448810946	could:0.027527802541452172	can:0.02665429953001215	a:0.02618619965466014	would:0.02575254681919479	will:0.025321630986898644	tho:0.02411586559072787	:0.01
for:0.7862656967888646	of:0.07499487260437257	in:0.029687571464067475	to:0.02357464052007675	For:0.02051455418554717	lor:0.01683553600109947	during:0.015323850032143123	at:0.011415358822478646	and:0.011387919581350221	:0.01
the:0.6563915160770953	a:0.07288820030776197	this:0.05643092098417385	and:0.0479611213020283	tho:0.04735553108720453	The:0.03487379029642561	of:0.03429393482307555	in:0.021045210556021363	his:0.018759774566213593	:0.01
it:0.17022148455569647	they:0.1559135045065071	he:0.15190683051973633	and:0.11985792875723768	we:0.09160059825879127	who:0.0844632798147145	I:0.08278110221198123	you:0.075458266292791	which:0.057797005082544456	:0.01
and:0.26276554424049875	well:0.17165735638285678	regarded:0.10215108442096366	him:0.08688236618817878	known:0.08594969760882573	soon:0.07468266047506815	it:0.07254659441566477	is:0.06743217334715047	but:0.06593252292079285	:0.01
two:0.14438252928372813	three:0.13535663044233787	100:0.12136646626934357	six:0.11882276193090932	hundred:0.11551279482781025	four:0.1005093242756626	ten:0.09076278268122646	five:0.08858232001378084	twenty:0.07470439027520089	:0.01
of:0.15862241364981214	and:0.15751333905624854	to:0.15637447451180367	the:0.14620390380107715	in:0.129532116122774	a:0.0677699611842351	was:0.06062990956871154	is:0.06058567911506544	for:0.0527682029902725	:0.01
to:0.6526546198468366	can:0.0687334037220296	could:0.05678034158012565	will:0.05425581607260121	not:0.05060670973077578	and:0.0416248842247267	would:0.024045768349746425	I:0.02076483157751721	you:0.020533624895640853	:0.01
and:0.2802179654686674	together:0.17581662481571086	covered:0.10720042995908446	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357521	met:0.06358405713054323	them:0.061624174380125664	but:0.05201828012722528	:0.01
for:0.17070972159869618	of:0.15877062316752832	as:0.14850344188682746	and:0.11156331862922195	to:0.09623724601086138	is:0.09278473393176216	in:0.08371137069398876	with:0.06725823365684401	was:0.06046131042426989	:0.01
to:0.22563234363069315	will:0.220416947006397	may:0.12204106584161117	should:0.0951960522966825	can:0.08543953488536968	shall:0.08358193707014082	would:0.05737932216511839	must:0.050287754406089784	could:0.050025042697897405	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.25296756508842694	to:0.2154020023337419	in:0.14937112723645737	and:0.08007959789935276	with:0.06727550951784922	for:0.06063935223675631	at:0.0578196829521757	reserves:0.056755137889726436	have:0.04969002484551347	:0.01
<s>:0.5110837831478915	it.:0.10591587410404914	them.:0.06556402642527304	of:0.0622565729654287	year.:0.053736816886417085	country.:0.05146140292246741	day.:0.05045562743425347	.:0.04706311310532128	time.:0.04246278300889839	:0.01
the:0.3959764629853514	a:0.2590742407878743	The:0.0740583720376373	of:0.07296546104535366	and:0.05712011441225638	an:0.044191631653084915	that:0.030255240569779476	A:0.02999579142060357	tho:0.026362685088059033	:0.01
and:0.17305165894018001	those:0.1438320847226602	to:0.13444259183429658	of:0.1052235234717092	have:0.10198035438011073	who:0.09895354033058207	had:0.0969508251544563	<s>:0.07912636101130145	all:0.0564390601547034	:0.01
of:0.3996771517906564	and:0.19058556544080046	are:0.07705140302183235	is:0.07303795858705055	now:0.06562128403313867	by:0.05359659959013234	after:0.04995715584206587	in:0.04206008930413845	was:0.03841279239018504	:0.01
of:0.33406129049648303	to:0.12049264072633424	with:0.0963336285288878	and:0.0939645479779181	is:0.0864883967561169	in:0.08226092310789548	that:0.061430624386753084	by:0.057631216891386707	for:0.057336731128224655	:0.01
last:0.2801827409820454	the:0.2749971278499836	a:0.13601061679839652	this:0.08840490192650835	one:0.06528613122612525	next:0.05372086778748644	past:0.038889897663369366	fiscal:0.02946957247692285	each:0.023038143289162316	:0.01
time:0.15566278078848736	able:0.13989487341428972	and:0.126789885204836	right:0.10141430028820067	him:0.1004356252715333	enough:0.09858737005057427	began:0.09162364026574703	brought:0.089725749548613	them:0.08586577516771882	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
<s>:0.4337217910641287	him.:0.11416120427912035	it.:0.1108713596001359	them.:0.07914729257990072	.:0.0719821398273196	time.:0.0484807219432451	her.:0.04665933116538696	country.:0.04275086743319627	him:0.04222529210756629	:0.01
a:0.25837515361454694	so:0.21204397014417575	feet:0.15618664675848032	the:0.08997457789642417	very:0.08288716458686338	too:0.052064363743178126	inches:0.04748497342524908	as:0.04646793915255795	was:0.044515210678524215	:0.01
and:0.167673560168984	him:0.1302595889239382	want:0.12288405280822053	able:0.11252456763525269	is:0.10177603532893538	enough:0.09848886248683617	have:0.09133909511025426	me:0.08613098450363031	necessary:0.07892325303394836	:0.01
they:0.17831927564623212	we:0.17273777927866282	you:0.16448997700905404	I:0.15677256758826993	he:0.12927290002304886	who:0.049440078982388794	that:0.04786416507181565	and:0.04643287027422059	it:0.04467038612630697	:0.01
it:0.1776273455251512	he:0.17449845244454024	It:0.134624216190051	which:0.13012482911285053	I:0.11846513079849134	that:0.06961143258757323	and:0.06412281842942415	He:0.06310059069501395	she:0.057825184216904246	:0.01
the:0.751396665596741	an:0.06524064230553946	general:0.03657796827854016	The:0.03508984043071523	tho:0.03185751901925751	primary:0.0250703682016875	tbe:0.016764798752734206	said:0.014429565211006858	special:0.013572632203778266	:0.01
enough:0.1460197688707853	and:0.14132991299633987	able:0.12532103140904757	order:0.12087521672134159	is:0.10659187402439463	as:0.09839282102201653	him:0.08820021934353602	necessary:0.0866702738326426	unable:0.07659888177989588	:0.01
the:0.32248525646726783	this:0.2848279540121546	his:0.09088106918864726	that:0.06859700697630082	first:0.059471181186959224	same:0.0479714345584114	taken:0.040654171824742555	on:0.03861619298184641	took:0.036495732803669814	:0.01
to:0.31157797859985475	the:0.25445912315831576	an:0.15673116512892965	this:0.10923433255270883	will:0.048592460708370935	and:0.03846238124191415	said:0.026642507052561756	"An:0.022591923292334087	a:0.021708128265010094	:0.01
that:0.38290738192185925	and:0.24969458719959275	but:0.08277960045876116	which:0.05314302687189341	where:0.05295758215877723	if:0.050129890186682326	as:0.04196917135546931	But:0.03825297840239077	If:0.038165781444573874	:0.01
.:0.1392279501999177	J.:0.13850984816996786	W.:0.1364400263849639	John:0.12722644650937187	A.:0.11425203367917355	Mrs.:0.09514124562980834	C.:0.09009912562999603	H.:0.08255340455504659	and:0.06654991924175427	:0.01
to:0.23623897422479576	and:0.23520251286490526	that:0.12486401567005125	the:0.09916907040381041	for:0.07189098396118507	in:0.06610968687308817	of:0.06599731755439714	not:0.04535997756914463	was:0.045167460878622306	:0.01
in:0.12881920758372978	men:0.1252559333320403	it:0.1150461939581007	out:0.11429910070663384	work:0.10521850972395011	him:0.10477842397844724	time:0.10336837779003066	life:0.09745591042716667	up:0.09575834249990073	:0.01
the:0.2802538226534028	a:0.273721818029966	of:0.0964644863397863	and:0.09552322148492186	to:0.07517658226949613	in:0.05807135463602967	an:0.04974096542804766	at:0.031675316821225145	his:0.029372432337124468	:0.01
<s>:0.2858120486084661	.:0.1820478182444699	happiness.:0.12745510989536307	and:0.09309999871663534	the:0.08002636785268098	Mr.:0.07420513092080146	it.:0.07028646180921284	them.:0.042042428641990266	It.:0.03502463531038002	:0.01
of:0.49282306243065077	in:0.1484991966243883	to:0.14297980167643912	that:0.053717847580126425	by:0.04841873530353788	for:0.02943408734671461	with:0.02578344631937115	and:0.024455805311680526	from:0.02388801740709127	:0.01
and:0.2953876189038615	was:0.16428490131166157	is:0.1170663883818668	up:0.07776716508545514	it:0.07559106251500251	made:0.0665568090126541	put:0.06578409847025994	placed:0.06489134807601946	that:0.0626706082432191	:0.01
of:0.3999636628859222	to:0.15327128333500403	and:0.08402541940398019	by:0.07829726650577438	that:0.07573913242216179	on:0.06937728173963717	for:0.04845732759576013	with:0.042690585159671904	in:0.03817804095208795	:0.01
and:0.2810807178486598	was:0.14358519258147773	Beginning:0.1174528574405669	week:0.10716354225737154	three:0.0855581990653575	is:0.06644781159551098	died:0.06438025072466787	him:0.06431676748526562	are:0.060014661001122	:0.01
part:0.19767579779515335	one:0.18249796999181242	and:0.13190180526759407	some:0.0978797180245548	out:0.09500345386664946	that:0.07937632955810345	all:0.07701371227327215	tion:0.0726034376324227	sum:0.056047775590437485	:0.01
the:0.7063597871049954	The:0.055922759796280835	county:0.038588763644624276	supreme:0.0331943429167895	tho:0.032618002639231106	this:0.03224793050278178	said:0.032098855682139785	district:0.029711076079828154	a:0.029258481633329347	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
a:0.27316882656435365	the:0.24816337124217983	and:0.11524384298606913	his:0.0990085294339939	of:0.06556754730404528	that:0.05325053789405492	The:0.050260228862924465	this:0.0488515153039918	A:0.036485600408387164	:0.01
<s>:0.25795803400281275	it.:0.1778224872521141	them.:0.1731830925064709	country.:0.07516321782276782	time.:0.07142776604802187	him.:0.06879685793027346	years.:0.06534320505341516	life.:0.05347687505714647	us.:0.04682846432697746	:0.01
of:0.3657438774317981	the:0.19148039564893032	in:0.1087987340639488	to:0.07457299330423821	by:0.060256881158969385	for:0.05574237237616318	a:0.04530748992810972	from:0.04469009300219154	on:0.04340716308565068	:0.01
to:0.4398713562066029	with:0.14341109430400398	for:0.12171489089860105	of:0.10768175951943221	upon:0.04642919938884369	from:0.04081734906034254	by:0.033842108225692696	at:0.029614524170431738	against:0.02661771822604929	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
that:0.36331251910227375	and:0.26881304627489866	but:0.09646765035613757	it:0.09140226651686262	which:0.041803014299511665	you:0.03405277305312291	But:0.03338986625050933	as:0.031190768143130716	And:0.029568096003552684	:0.01
and:0.4457828178275243	that:0.1909191748223346	but:0.12328168369100924	or:0.052012138185842986	time:0.05083338233237528	But:0.047471008583709326	And:0.030462733166749887	and,:0.027589754747500184	day:0.021647306642954205	:0.01
the:0.2348936864380875	of:0.17141990857045894	and:0.15092221108899265	a:0.10125325371681407	to:0.08978991230211596	be:0.07036792028887345	in:0.0685027598781156	was:0.06545509613683566	is:0.037395251579706204	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
there:0.2737750996042652	There:0.16312392626375546	they:0.15372208680883256	who:0.07732674436178921	we:0.07672548322279756	and:0.06888585179835426	They:0.06134171484623942	you:0.05815876019232383	which:0.056940332901642486	:0.01
a:0.5457636047808748	the:0.14999129555649293	very:0.0671403932564	but:0.053047814505814056	of:0.044860033648797634	and:0.03921229272247331	A:0.033676518519295234	is:0.03161899068593396	with:0.024689056323918088	:0.01
of:0.2352357307173567	to:0.16373804253060634	by:0.10711432698719914	for:0.10536828077806208	in:0.09479430437296586	and:0.09281097724266078	that:0.08241008769378608	with:0.06900475209603336	as:0.03952349758132968	:0.01
and:0.3164398147339951	of:0.13042297808603184	to:0.10777396796221876	that:0.0950688964825297	if:0.0820974035980299	for:0.06980223701177848	but:0.06864786925467722	in:0.06539099142665572	when:0.0543558414440832	:0.01
of:0.2568653809167087	the:0.23720654925062004	and:0.12614351118232509	to:0.10290021570129189	that:0.07368081103024293	a:0.06608129371629808	in:0.05432830348477381	by:0.03679985104381098	for:0.03599408367392851	:0.01
they:0.142076261320422	he:0.1351553922413973	you:0.13476136368382957	and:0.1325367400168154	it:0.1163752547225486	which:0.10650266999951666	that:0.08466591977888144	who:0.07951935413997611	we:0.05840704409661286	:0.01
the:0.38557819602160265	a:0.2126859408362802	and:0.07975285578985929	of:0.07138795426451841	his:0.058736444441803676	their:0.057999737258352946	any:0.05661086986615562	to:0.035918157733572986	with:0.03132984378785431	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.11808702737128361	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
the:0.37003832012200133	to:0.17089294104989347	and:0.15264659790293603	The:0.09849868194356427	will:0.059816418203629984	that:0.0425794504343572	this:0.03712503753410519	we:0.030107157166151262	they:0.028295395643361244	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.37807921776056747	in:0.194985544429122	to:0.09815102664330344	for:0.08412539104438391	and:0.06080115343644393	with:0.056786595856860626	on:0.04175421759841497	by:0.040328430212493875	that:0.03498842301840974	:0.01
the:0.2669182079528096	of:0.19935127368247918	in:0.14671180063154055	and:0.11423449389500545	to:0.07979405890733762	a:0.07002364648363375	In:0.038480588913482175	by:0.03808495901237361	for:0.036400970521338005	:0.01
and:0.17698954323271562	carried:0.14364574788573167	put:0.12007207057577556	called:0.1088271233959839	go:0.09260315426035655	was:0.09211780912159466	went:0.09124788169333647	brought:0.0880269615939068	going:0.07646970824059865	:0.01
and:0.22495042531125603	at:0.16325206122272432	a:0.13354675216715464	No.:0.11431073242117486	of:0.0809777598029548	about:0.08065460031066672	the:0.0752175344698032	in:0.06033576839482703	lot:0.056754365899438344	:0.01
the:0.4518206639878282	young:0.09025339046831114	business:0.08589808740912373	of:0.07951288218755649	and:0.07697367293443745	The:0.06404560654490159	two:0.059205581308769975	many:0.04279706394276691	by:0.039493051216304496	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
well:0.2113376870704535	far:0.15439074705362435	and:0.15358787576361066	so:0.13918152025849637	such:0.08299064184289429	soon:0.07593993505425392	long:0.06597764632296645	known:0.054156049319331274	just:0.05243789731436923	:0.01
and:0.24283076148975832	to:0.21756566658293056	of:0.15953497715278664	that:0.09803680050019653	as:0.06620493545612388	it:0.062069402882089994	or:0.04988026097410582	is:0.04702662609906993	have:0.04685056886293845	:0.01
was:0.2592424251425947	and:0.14070207469830934	were:0.13866268446166766	be:0.13076996172313662	been:0.12574184474387	are:0.0658841640111351	is:0.05226200064289263	being:0.03860579278480936	had:0.03812905179158455	:0.01
and:0.3566638953041958	or:0.18991146236573977	that:0.10235579520512857	but:0.09731835952775168	not:0.08788064872058444	for:0.043164010040051895	But:0.04022831374858809	is:0.03651282562155435	be:0.03596468946640538	:0.01
I:0.17997083235113337	we:0.14880410816094847	they:0.14051839814205855	who:0.12444211970473236	to:0.11105863749572345	would:0.10562934512377051	We:0.06373547795003102	you:0.05888700394930202	and:0.05695407712230023	:0.01
the:0.4122297696543623	this:0.2312767174862012	of:0.06590696196895268	to:0.06490145115092658	said:0.06026002456528672	supreme:0.05457698668343304	district:0.044774811150863604	a:0.029169467626933163	in:0.026903809713040582	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
in:0.17277663068708587	up:0.1272432446879958	men:0.1135099520167039	him:0.10351651903755121	them:0.09851576166637334	out:0.09824713336545807	it:0.09755920417365109	it,:0.09710511366915911	work:0.08152644069602161	:0.01
is:0.2074355898680441	was:0.15730821201198025	and:0.14873283722980002	that:0.1288165912552976	had:0.08675225883875809	be:0.0865422919817809	have:0.0743319003542517	but:0.059799972821547975	are:0.04028034563853959	:0.01
be:0.20318074163432065	was:0.1810029018914728	and:0.15446129146824508	been:0.11006060645686003	is:0.10368971627447866	are:0.0642469846360231	were:0.0636301636417311	the:0.055049235698359754	he:0.054678358298508596	:0.01
the:0.604665965824119	to:0.1438214152727013	not:0.04663930024948618	The:0.046308913378517495	a:0.043752863662170634	and:0.0378684272992441	will:0.02387375516131721	tho:0.02192216650005467	or:0.021147192652389558	:0.01
the:0.2934620670631732	of:0.2141593332667423	and:0.15945002087278187	to:0.06780370218056998	that:0.06419988100345989	The:0.06058387775262816	in:0.0583461619364558	which:0.03917179644278349	or:0.03282315948140535	:0.01
and:0.26376455416670863	he:0.18613952474339404	He:0.11662245855313375	who:0.0972698775638317	which:0.07383330581041614	It:0.07073541168293555	it:0.06692896634421676	be:0.06035763095294901	was:0.054348270182414546	:0.01
the:0.32640849872095873	and:0.2971408172659985	it:0.07200029482402802	that:0.06829164997907228	It:0.06345063852677639	of:0.06193023877298031	was:0.036251023035320365	he:0.033565394291894445	The:0.03096144458297105	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
<s>:0.5835053554603239	it.:0.10356303004041499	them.:0.06418451551161518	country.:0.04605004884351035	time.:0.045831728289097866	year.:0.04061372537462403	.:0.03938347276933955	him.:0.033939148850661495	day.:0.03292897486041254	:0.01
and:0.14030927533472712	of:0.13773289726642787	about:0.13479300346958134	to:0.1321900755616683	or:0.10571137991678192	at:0.10555389678794125	the:0.10201769609807303	for:0.07036829395332714	from:0.061323481611472046	:0.01
men:0.16781911217192325	city:0.14921016930679418	gold:0.10418839181420948	county:0.10181573130431511	right:0.09982727202632262	life:0.0972864948832144	York:0.091016146836854	rights:0.08956154086597862	out:0.08927514079038847	:0.01
the:0.2833392202962947	of:0.2740875079226226	and:0.132150740646128	in:0.06480510317627967	a:0.05925029363487511	to:0.05894571859055753	for:0.05104176219589187	at:0.04155658845044788	with:0.024823065086902726	:0.01
of:0.31662382482780055	the:0.18822284322808477	in:0.11578788137479393	and:0.09407676728996123	that:0.07488917283524958	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.03956238267555868	:0.01
the:0.546264012492491	a:0.14003743588865783	oppo-:0.07543620258552305	one:0.0559007354071913	and:0.0521717498592445	The:0.04569637483856277	tho:0.03178903908859795	of:0.024975096948810987	county:0.017729352890920622	:0.01
the:0.7681156155024754	a:0.06340440157005062	tho:0.0292761695737795	The:0.028794440344905775	large:0.024482442219308297	further:0.021404461068682552	this:0.020724499372017823	principal:0.017944100313008093	said:0.015853870035771933	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.32344792120366006	and:0.13574983968668922	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074353	be:0.039104903932751574	:0.01
the:0.35704948455199803	and:0.19569839124732874	of:0.17066785543405627	The:0.11172442877965488	that:0.04277900599371835	these:0.03153273173181317	a:0.028047350814569483	or:0.027399312475863052	to:0.025101438970998136	:0.01
the:0.4697080538038115	and:0.1218057466042571	The:0.08067089932008514	a:0.07127930149868016	our:0.06379006817601254	other:0.049518221185711316	public:0.0450279435490149	an:0.04421407593883786	his:0.04398568992358966	:0.01
the:0.6945456306808825	The:0.08412912924162982	a:0.07560275395280033	in:0.03597678907600068	tho:0.033440896661919045	and:0.020783507242490576	of:0.01956990502669926	tbe:0.01344367030242485	this:0.012507717815152777	:0.01
is:0.190839830647519	was:0.18453859701795416	the:0.16536986722395094	be:0.14990027266226666	and:0.08274024975999349	been:0.0729730585250275	as:0.05381468203831982	are:0.05232111648910036	now:0.037502325635868076	:0.01
and:0.2275568136184341	of:0.198357135738386	the:0.1750661188511791	to:0.07855314553146203	for:0.06714821591926588	a:0.0663876628110636	that:0.06195441710685245	which:0.06002681078592804	or:0.05494967963742877	:0.01
the:0.27170244539899724	of:0.13553221023184736	a:0.13251193920785892	and:0.1248713240427205	in:0.09359373228192124	to:0.08795746607270952	for:0.06799142990720153	was:0.03951564348371223	<s>:0.03632380937303151	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.28165882755693256	down:0.11846415154417117	him:0.10232904159872842	it:0.09227024777774305	called:0.08335496573739468	put:0.08151740630487017	look:0.07849609619490824	back:0.0768431462273477	placed:0.07506611705790406	:0.01
the:0.20223508035378646	of:0.15827021492450866	a:0.13001279601466734	for:0.11951431697602496	to:0.11423274079522644	in:0.10900017796673618	and:0.07258074019928412	at:0.05523731030933446	In:0.028916622460431606	:0.01
the:0.26798906505893316	a:0.19588610296962417	of:0.15782454701830745	in:0.09881590805245294	to:0.08875307561685514	and:0.08579069831996983	an:0.047691702558638194	for:0.025015846613499555	that:0.02223305379171974	:0.01
of:0.3459935056255046	in:0.22286072671964585	to:0.09257939502708112	that:0.08108541225859207	and:0.05564866304484147	for:0.05381171592040427	by:0.052511867260834566	In:0.05053674613429885	with:0.03497196800879726	:0.01
and:0.1774169944735742	is:0.1609502813365193	or:0.15226223017979387	be:0.1250095621018527	was:0.1002398282129908	are:0.07263814658679284	the:0.06948068270681836	no:0.06928371487098066	much:0.06271855953067723	:0.01
as:0.28875933913223506	and:0.14933458933744412	is:0.11610934878202267	a:0.097445875816181	the:0.0855643819806782	any:0.07693077256828977	or:0.06197305024709744	no:0.06144157767014946	it:0.05244106446590238	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.32439601973335297	a:0.24374019905158195	of:0.1148859154931119	and:0.10212572913548452	very:0.06472995190919276	as:0.039761105915803195	his:0.0346598742687042	in:0.03461227866170642	with:0.031088925831062007	:0.01
that:0.371739867996464	which:0.11851866647349125	and:0.11799120008495087	if:0.07779864410619086	as:0.07513205183763351	but:0.06614765438119001	where:0.06504322807420472	when:0.061911374323883606	If:0.035717312721991044	:0.01
I:0.1811131550623551	they:0.17050687934607714	he:0.15440076083159548	we:0.13928946620092073	it:0.13891187155032084	you:0.07120339168108021	and:0.056669612888053944	It:0.04118081126764633	she:0.036724051171950226	:0.01
<s>:0.4448140032971377	it.:0.11254294596734296	him.:0.08139571779827028	them.:0.07830339587395746	time.:0.07570024384723846	year.:0.05318208718846232	country.:0.049628172631640745	city.:0.04734517427285354	day.:0.047088259123096415	:0.01
was:0.17866125702367355	been:0.15150316605200992	be:0.14640091470068892	and:0.12952731439332055	are:0.08854298616197952	is:0.08784284837300896	have:0.0728077960819013	were:0.07280394661059576	had:0.061909770602821684	:0.01
to:0.16527415368823617	of:0.1516347041403396	is:0.12799931644888746	with:0.11271020050200416	in:0.10020274744303709	and:0.09265471470086294	for:0.08347938497849013	by:0.07930410855186167	was:0.07674066954628062	:0.01
the:0.3272056954570342	a:0.18477656750392707	of:0.14683025255929244	and:0.0949642716735493	as:0.054216842413481944	his:0.05223018208944234	their:0.05041050317895492	two:0.041540170949846716	many:0.037825514174471095	:0.01
of:0.21078558763234387	the:0.2084276552669612	to:0.13887167799035063	and:0.127786855831512	a:0.10913730032056547	for:0.05902381088567372	at:0.04799174049315132	in:0.04773418421567473	that:0.04024118736376695	:0.01
and:0.26113813610723585	made:0.1968494543792684	or:0.0994177224842505	caused:0.07981664978811569	that:0.07692711090973736	accompanied:0.07525294783963392	ed:0.06782937948600387	was:0.06683813876463458	done:0.06593046024111981	:0.01
one:0.408065472916482	time:0.1394281309247321	and:0.13326600195220298	day:0.08795152884113071	that:0.051633499581523405	man:0.048044964598506996	part:0.04286781101364522	out:0.04112457502711563	One:0.03761801514466093	:0.01
above:0.4592653205396642	man:0.16808687352317758	be:0.06815384558166179	and:0.06495549052579748	was:0.059943551676444114	he:0.047871291666378	the:0.04606983439650105	been:0.03828174562171107	last:0.037372046468664696	:0.01
of:0.29330704832504534	at:0.1768631540271319	the:0.16430098271614715	to:0.09786193691669799	and:0.07679549800032127	by:0.06804250676173128	in:0.04318129461578404	from:0.03715048258973436	a:0.03249709604740668	:0.01
and:0.20793249787317952	or:0.17240450807505406	not:0.15415505803569837	will:0.10344594250581769	would:0.08396882063765254	can:0.07690200289455752	could:0.07226705165371398	that:0.07020936186705319	may:0.04871475645727311	:0.01
and:0.209337648778876	to:0.18447184383785298	of:0.13535820614721444	the:0.12968779946872763	in:0.11646632397220948	a:0.09478450971219357	or:0.04639924522935836	on:0.03689076321961119	that:0.03660365963395642	:0.01
of:0.18045438050695572	to:0.1747026357974531	the:0.15749425223258814	and:0.15345542519140226	be:0.09235457882182141	a:0.07340216453377853	was:0.06625041891181835	re-:0.045984937709827485	for:0.045901206294354936	:0.01
w:0.4423026525686932	the:0.1855464232998948	and:0.10534878826707275	a:0.0905685737789238	of:0.0646335374506621	The:0.02836616238665834	was:0.028051466441065872	at:0.02367779605781007	\\\\\\\\:0.02150459974921917	:0.01
the:0.29801862990913136	a:0.2880657935896966	and:0.11198115276797026	of:0.07577557537890846	that:0.05379314825470493	with:0.047246561019866025	be:0.04705842595509553	to:0.03496011521056557	was:0.03310059791406122	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.5839749658752824	a:0.17631242186367557	his:0.05005486241458157	The:0.03869016115849642	tho:0.034119902447436574	of:0.03168103947072294	that:0.030802461003161516	any:0.025051670346329994	whole:0.019312515420312825	:0.01
a:0.29758910663305543	the:0.27423539380877837	any:0.11748842211131856	that:0.08968490661350281	this:0.054721926404863785	every:0.04658436821377061	greater:0.04460875833254082	latter:0.03430552952077778	no:0.030781588361391832	:0.01
that:0.30511050006396	and:0.22596048419566928	as:0.11460968130685813	which:0.10292121837816895	but:0.07370461080564004	if:0.05552503957185024	when:0.04977548796890032	If:0.03848380457893246	what:0.023909173130020556	:0.01
put:0.2504041317564992	and:0.13521143006497227	of:0.10240390119938353	as:0.09332042384668736	get:0.08653786461405065	for:0.08519574650501902	threw:0.08420403939850811	make:0.07762561849041039	take:0.0750968441244695	:0.01
as:0.1632115163363075	went:0.1368778467452162	feet:0.12925150548943426	and:0.12600256629526668	up:0.10064823938027513	back:0.08758324782822911	according:0.08659168328952854	sent:0.08102701537690701	returned:0.07880637925883564	:0.01
the:0.32577977883643167	of:0.1886998309649103	and:0.16240343730877954	to:0.08416537232496527	in:0.05743937958564402	a:0.05446373459510896	by:0.04724223179553346	his:0.03701079136818399	.:0.03279544322044283	:0.01
I:0.2972347413548833	we:0.1596737443819009	they:0.15880401414132647	We:0.10767922019127868	who:0.06816921463312631	to:0.061192502960840944	and:0.051231682532044916	you:0.048807689139557305	They:0.037207190665041176	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
the:0.5749256792574732	The:0.16212511370161184	of:0.06672887389079628	a:0.04757901749146755	tho:0.03671550078765646	and:0.03597209798200984	his:0.02652015362290321	that:0.024143534183321345	our:0.015290029082760236	:0.01
the:0.2924507441643734	a:0.2618477043632467	and:0.11020848622914839	of:0.09629057222831493	to:0.0657944783354701	with:0.0475258394681742	in:0.040447285203933286	for:0.040446253326898274	The:0.03498863668044072	:0.01
the:0.4413000003383425	a:0.19762391297561152	to:0.16690011693933995	of:0.04771196806104024	and:0.031480219631339575	an:0.028358315570550022	tho:0.02797163378149162	this:0.02660085518356247	The:0.022052977518722035	:0.01
be:0.18502113540679238	was:0.17375076238292436	he:0.15360034822965601	and:0.13981388607025888	been:0.09195437565998704	had:0.08219918217208705	were:0.07167035465302939	have:0.046637513224963116	is:0.04535244220030185	:0.01
the:0.19993519684628172	was:0.1369380751370772	all:0.12558976881364087	at:0.09569888475761353	be:0.09543663812901992	to:0.094361726852632	is:0.0868434459017834	it:0.0851665669830138	not:0.0700296965789375	:0.01
one:0.36040224094090456	out:0.14966608779758153	part:0.09361898878988291	some:0.09135203551233698	that:0.06281502273201092	all:0.06145907941317103	and:0.05786204965912906	members:0.05681571221449998	side:0.05600878294048293	:0.01
and:0.19634954420750192	conferred:0.11543927975842608	called:0.11395210976679038	put:0.10843280749663996	look:0.10453234261893223	imposed:0.09687308869159798	bestowed:0.08640567729406591	depend:0.08480181580087785	looked:0.0832133343651677	:0.01
the:0.25814301480310603	of:0.1612880397670364	to:0.1302464478056886	and:0.10316247757896187	for:0.09123775444534482	in:0.08854106396523045	be:0.06805737146379903	a:0.044832349475458555	was:0.04449148069537424	:0.01
the:0.34854709886328084	to:0.24022518210435934	not:0.10146217243431188	and:0.07897434062184557	The:0.05936231671764701	will:0.059180998976934615	would:0.036396438328334384	may:0.034486229056645994	of:0.03136522289664038	:0.01
the:0.33225162371278516	of:0.20816191304124812	and:0.12338915408188572	to:0.08841793648083195	a:0.08630195930053028	in:0.04487303042914526	their:0.040457022588411294	his:0.03519214540688972	be:0.030955214958272383	:0.01
the:0.3365845181593539	and:0.22491132132584496	of:0.11012501276889929	two:0.08392341417400956	these:0.06889069923733662	for:0.04754569285360583	all:0.041241517576264056	as:0.039691886893000634	a:0.03708593701168514	:0.01
the:0.31904360573278207	of:0.17315917076143733	and:0.12534789090235726	to:0.09647386236527573	a:0.06334210630031535	his:0.0538857038172744	their:0.05387849831842087	be:0.05312243736196245	in:0.05174672444017449	:0.01
I:0.20918863154893388	who:0.13107937432241845	they:0.12817582206896386	to:0.1179097037523676	would:0.10804552271005681	we:0.09090176433733183	which:0.08793237235465061	and:0.07650504490667118	you:0.04026176399860571	:0.01
a:0.2589983384734151	as:0.1755223456850415	the:0.129601241766951	is:0.10322085411639388	and:0.07604627554503071	very:0.07234179445542122	are:0.06115101919887762	pretty:0.05706976278975053	was:0.05604836796911839	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.6898256339896466	Court:0.13236510059502696	The:0.062366587027531145	tho:0.0286297209485199	White:0.02801253206653624	tbe:0.015022385281605684	Opera:0.01404824485407132	a:0.010692044989225174	School:0.009037750247836896	:0.01
the:0.49713493549810694	a:0.24060837771956722	and:0.08841823346082302	of:0.05124899171998487	The:0.05008992480553858	tho:0.017665771495837146	in:0.01653713316071298	any:0.015614942096657407	or:0.012681690042771952	:0.01
<s>:0.47484719090244587	it.:0.12692280894973065	.:0.09344381830294954	them.:0.07500500265610735	him.:0.05850491336918988	time.:0.05212407903284545	day.:0.039210635906966725	work.:0.03574260428877689	her.:0.03419894659098776	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
that:0.31045312736729286	and:0.2741619673879975	but:0.09278721838768438	as:0.0809731518512709	if:0.06685178796096648	which:0.04741835803803108	If:0.04282012299873716	where:0.03994928580268348	But:0.034584980205336124	:0.01
the:0.7037950160891491	The:0.14519848361784318	tho:0.047848568903780565	a:0.03157658162670801	First:0.016059406572382577	tbe:0.01598519483445372	A:0.010721357638836642	of:0.010155294327674733	our:0.008660096389171625	:0.01
of:0.2381719860295494	and:0.23415746017761663	in:0.11598353395473782	to:0.10227189079610367	fact:0.07859923495468527	said:0.06648519540808896	on:0.059675812679062315	all:0.049591757945495966	is:0.04506312805465998	:0.01
and:0.18162378161506834	has:0.150328848045306	be:0.12808049983329878	have:0.12478936844945697	he:0.11752924616354085	had:0.0946146197791457	was:0.07266614531512906	I:0.06700941340996255	is:0.05335807738909167	:0.01
of:0.4439364679462197	to:0.1327278794129317	on:0.12173973430790581	in:0.11002353315245327	from:0.04708584368428731	by:0.04510211083324074	at:0.03327153872075577	along:0.029934554152629005	with:0.026178337789576542	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
of:0.28861137915589297	in:0.15610996318840478	to:0.1083560011813985	and:0.10040482766659066	for:0.09511327146660105	that:0.0685225282881235	with:0.06568413843089253	from:0.054590656931469084	at:0.05260723369062707	:0.01
one:0.26177410899864684	out:0.15556960502827208	part:0.1300889311722691	some:0.11334280627319535	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229724	and:0.0565737601528326	that:0.055371084160479686	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
time:0.5919944645781805	out:0.06296107006826818	in:0.05498526122102206	it:0.0532527186069741	up:0.04903106805230425	work:0.04624603719064909	good:0.044758907878737264	principal:0.044212982289668766	law:0.042557490114195705	:0.01
of:0.2735900659577961	the:0.1555769448654546	and:0.12432954580218311	a:0.11720381974340094	to:0.1041505709777092	in:0.08233958509752284	was:0.045557072074220245	with:0.043647118952881044	is:0.04360527652883189	:0.01
it:0.2292391064038637	It:0.21696561702150258	This:0.15216872378118323	which:0.09371134308053368	that:0.0823699607317968	this:0.07426658989754333	and:0.053275560998039914	there:0.048407602090468675	he:0.03959549599506813	:0.01
the:0.3723938701553325	and:0.15252833185564207	a:0.12925361082443607	of:0.11797169073378395	to:0.061419826164611634	The:0.04915650662481893	in:0.045040880042659305	tho:0.03117913162739798	Mr.:0.03105615197131758	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
and:0.4122351664000028	be:0.09400929347229837	is:0.09035721271075918	or:0.07803572941374047	but:0.07465629031969132	it:0.07354979128024322	was:0.05835100540802543	done:0.05681626270243204	do:0.051989248292807294	:0.01
is:0.1936087435691293	was:0.1438323593143901	are:0.12186296434341748	did:0.11746438789983729	do:0.10721052931890086	could:0.08616034692945328	and:0.07546047057592255	does:0.07227133429734382	will:0.07212886375160546	:0.01
of:0.32146229282701183	the:0.1444735348206413	and:0.11376054908175101	.:0.11016467046665311	<s>:0.06622108515580957	by:0.06431167607191796	Mrs.:0.05797473365094863	Miss:0.056539491174262296	at:0.05509196675100433	:0.01
the:0.4961791293235501	of:0.18236658148623608	The:0.15233615871042275	a:0.050672919207234	and:0.036770136665587365	tho:0.03447397615578383	that:0.013435051122348485	no:0.013078333966798585	this:0.01068771336203878	:0.01
person:0.23641619329197927	and:0.20678568463049865	one:0.11900372046499413	man:0.08756447463949889	her:0.085912867353349	those:0.0791191154626604	him:0.063690603280523	me:0.056642864321220045	men:0.05486447655527665	:0.01
to:0.7183702520398	will:0.06895061969504035	and:0.06553866856612693	shall:0.028794206694115858	would:0.02364177585124151	may:0.022696575873127747	not:0.02088321438695479	can:0.020785557984118887	could:0.020339128909474025	:0.01
and:0.21095364795944507	them:0.16062316455640202	wait:0.15946601217664844	there:0.12643459318061936	it:0.08249021134953013	time:0.07240793162413775	him:0.07136155968627447	that:0.05465965212811456	not:0.05160322733882831	:0.01
a:0.3467012755736888	the:0.25921730284365907	of:0.07668741351212967	and:0.07591252292538848	at:0.05052269503904611	to:0.04989807891690519	for:0.0446095538723309	any:0.04329076293270846	that:0.04316039438414308	:0.01
the:0.2016885763717203	and:0.17254624703116742	of:0.13896025690163777	a:0.1189067043693272	to:0.10939402491767265	in:0.07118472440917285	be:0.063597145991794	was:0.05899266549291904	are:0.054729654514588714	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.29245588880289897	and:0.15263623240684154	in:0.09972535047526912	that:0.09861943001223791	to:0.09669741158261745	for:0.07205026808476298	with:0.07023488041735687	all:0.05440593005539666	by:0.05317460816261842	:0.01
of:0.3149742239743286	to:0.1935690250418409	and:0.11738975359995073	in:0.09545503649809563	with:0.08477375936646729	for:0.049984472499549945	that:0.047674019069616144	on:0.0444888727931788	by:0.04169083715697202	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
hundred:0.4503738365108241	two:0.29658563736134735	one:0.0891212033950726	three:0.039173615397145936	feet:0.025817701392789962	wife:0.02366475989054041	dred:0.02220453956469675	four:0.021657121900225576	and:0.02140158458735739	:0.01
to:0.4738117869173522	of:0.16848026767133997	in:0.08499475716174686	at:0.06486448922854661	for:0.051571073042102664	with:0.04601273530711243	by:0.04306436801378494	and:0.02969280360028336	from:0.02750771905773094	:0.01
get:0.1466179279908691	was:0.13816166858847523	and:0.13411725524820045	him:0.10611862598008347	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536371	go:0.08768078124059613	come:0.08255568388883913	:0.01
that:0.26452699615214015	which:0.15654287900726546	and:0.13544022327477656	when:0.13485729002233723	as:0.08744057019638542	if:0.0710510726851646	where:0.05306283278902683	but:0.04771234449619156	what:0.03936579137671223	:0.01
an:0.61059906605084	the:0.18946883443684678	no:0.039193157434515985	and:0.03606294492402994	this:0.03423017881146352	his:0.022849377737004097	An:0.020803680994816155	The:0.01961267032834095	of:0.017180089282142548	:0.01
the:0.6479839257347578	a:0.10978707218643534	The:0.07925296436464185	an:0.05865362789070929	tho:0.05144873054840362	tbe:0.013161362057877315	our:0.011696369119269055	this:0.010531513243404608	A:0.007484434854501017	:0.01
more:0.22723773170335068	one:0.13064651056072127	day:0.1282013877221788	person:0.11341647927608782	action:0.08273334620167308	law:0.08265783364403673	right:0.07693785241133319	interest:0.07546609385136688	vein:0.07270276462925168	:0.01
the:0.29393303671927523	of:0.2098385620026316	a:0.146470930401601	to:0.11641851221372064	and:0.06731560481824339	in:0.05889733642992766	The:0.04111696699651957	that:0.032868297819317764	for:0.023140752598763126	:0.01
the:0.25387585854953526	and:0.16573125040311912	of:0.13220542497073806	be:0.11122463475364033	to:0.10941947712111581	a:0.09084119012214986	in:0.046223570180919306	or:0.04131804815602004	is:0.03916054574276227	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
the:0.23811253930202023	and:0.21298609019688153	of:0.1677512719197857	a:0.07614902944589673	I:0.06674463324137765	be:0.05865049511510523	that:0.05765571731457276	was:0.05667543056542707	he:0.05527479289893308	:0.01
the:0.27004892961346216	1st:0.15109863150680777	first:0.12513779671039005	a:0.10378703560438178	25th:0.08044042951759475	7th:0.06850863141428767	10th:0.0652308917143553	12th:0.06469097803790061	21st:0.06105667588081993	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
to:0.2808927073770892	would:0.18800571901838511	will:0.10844419530381859	I:0.08765456966136302	who:0.07394233476095441	they:0.0720845561732877	we:0.07174021418372852	not:0.054214252677349875	and:0.05302145084402356	:0.01
the:0.3183183051762072	of:0.1801669198523678	a:0.12357808363194667	and:0.11162715168076925	to:0.0682544285317933	an:0.05910347991306476	by:0.051673676291832026	be:0.03981214208192875	his:0.037465812840090186	:0.01
so:0.37324059295590956	as:0.213134456277444	too:0.1163056276063509	very:0.1095416568177494	how:0.06081075726440399	is:0.034797244884535804	be:0.033020455209429936	and:0.026983390115996365	not:0.022165818868179865	:0.01
and:0.30553631298007816	fact:0.1255078398364129	say:0.12539062555997577	know:0.10559250754600998	believe:0.07741479680653447	said:0.07522192313395107	all:0.061314112884881804	so:0.05993708106556356	think:0.05408480018659215	:0.01
in:0.2034549622624766	;:0.17695854283381698	Under:0.17163420516011313	given,:0.09453327128477794	him,:0.07130837865540356	them,:0.06915994318530762	,:0.06891324276114523	up:0.0672863474814554	thereof,:0.06675110637550359	:0.01
one:0.2457922824415998	some:0.12651763903370486	all:0.1063314735857588	part:0.09632247957245754	that:0.09369220667048933	any:0.08692369179179714	portion:0.08577178691188839	out:0.0801290993544861	many:0.06851934063781807	:0.01
to:0.3069439243007917	will:0.2527232999065967	may:0.09698835025602733	would:0.08384587021412694	shall:0.06993135132050336	should:0.05877015844630125	must:0.04381275401392964	not:0.04110562021759732	can:0.035878671324125797	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.304222416321658	of:0.2783640062590916	in:0.1127591562231371	to:0.06960703922280702	and:0.06476560466453268	by:0.04302903991785493	said:0.040352385502366604	on:0.03954345626792778	a:0.03735689562062433	:0.01
he:0.2551306972236114	it:0.12821709378760415	It:0.1180101798349114	He:0.1054425958428364	I:0.09665859422425728	who:0.0920127527752696	she:0.08273940215952444	that:0.05689213167785442	which:0.05489655247413082	:0.01
is:0.5639674022852336	are:0.23130142032449585	was:0.06773553730857053	Is:0.0628014619585008	and:0.0312094885025049	la:0.009316210349037655	were:0.008521921336567557	it:0.00831775431105039	arc:0.0068288036240387205	:0.01
of:0.327024091358148	to:0.15597511842030629	in:0.12103256372564264	by:0.08172844204142192	for:0.08070253231082729	with:0.0645300789030006	and:0.0611356840650135	that:0.05528980308502369	from:0.0425816860906162	:0.01
in:0.2131866054664273	for:0.18278527504286687	of:0.17465590095326441	within:0.09270317324720147	and:0.08112620763954176	only:0.07401156421911753	In:0.06727676343538887	with:0.05638982722093512	is:0.047864682775256746	:0.01
and:0.29733290137262613	of:0.18334922430859374	to:0.17278360866860015	the:0.08534755073368087	thence:0.06471383461311861	at:0.05787926122813849	.:0.05394065937303889	a:0.040020472794585864	1:0.03463248690761721	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
it:0.19425765126660227	It:0.15648430663796364	This:0.12328362131432566	which:0.12017717855384882	there:0.10623079393180142	that:0.09480540104319608	Nor:0.07292312079991044	and:0.06331951207661092	what:0.05851841437574072	:0.01
of:0.21012453380957336	in:0.1565477641733717	to:0.1404472578048836	as:0.09492835849820332	at:0.08859363282602135	with:0.08315885113777308	and:0.0774399819547109	such:0.07137220520046861	for:0.067387414594994	:0.01
covered:0.21090863546868177	filled:0.17878278755921292	and:0.17545089244499773	him:0.08034688654285996	together:0.07952147427527038	up:0.07549084584028021	loaded:0.0681667755054602	parallel:0.06098946169855012	charged:0.060342240664686665	:0.01
of:0.2514704767404327	the:0.1681473304979066	and:0.14181169004651248	about:0.11684281335635084	than:0.09239598819448211	or:0.07144026942473518	for:0.06276705839666337	in:0.0435191141021823	over:0.04160525924073428	:0.01
and:0.19583342605332962	that:0.1838994050203063	as:0.12119181844284553	of:0.12112615315282578	to:0.08831964160181255	make:0.08098984926957423	which:0.07701187457248801	but:0.06372021473945984	if:0.05790761714735823	:0.01
rate:0.38001691710260466	sum:0.23156895738760777	period:0.08837635611050892	upwards:0.07165412211171805	depth:0.07138074098955598	distance:0.05919431017069904	number:0.03036120536919608	one:0.029145692189626822	expiration:0.028301698568482473	:0.01
and:0.20570578939876963	passed:0.17824795753995246	passing:0.13366637579760457	way:0.1035784842084695	went:0.07719123578935083	it:0.07598226470332366	go:0.07514565183586673	all:0.07134472712029911	pass:0.06913751360636342	:0.01
of:0.27642771204623917	in:0.15611045864340375	to:0.12131023071299822	for:0.0924466383725917	on:0.09078155028540542	at:0.08783085988744996	from:0.061788793772361454	and:0.05330405491453527	In:0.04999970136501494	:0.01
and:0.17410176532401225	a:0.16579013429733114	to:0.14906606959211194	the:0.14029726193315842	I:0.09006397239482435	for:0.06963072657115989	of:0.0683566903904347	be:0.06785856767621946	he:0.06483481182074796	:0.01
for:0.4973246786328579	of:0.1316867381216698	to:0.12260706933127528	in:0.1020072295582373	and:0.030950054312620663	with:0.029363649020169667	at:0.02762825385521642	In:0.027025421174380046	that:0.021406905993572933	:0.01
the:0.22017734795849447	of:0.19917403103003606	his:0.1521842561030712	this:0.11429782895948634	my:0.09297544032198442	said:0.06698919316381444	her:0.0512605436030017	their:0.04663380615905618	in:0.04630755270105505	:0.01
the:0.4937337685025012	The:0.11481688529875558	of:0.08610785530040803	and:0.06659547919658537	that:0.064539228149445	these:0.05029424429706246	our:0.04665228147048911	other:0.03409333854203617	as:0.03316691924271706	:0.01
the:0.32448065369695106	and:0.16723826999587774	of:0.10315341573806307	a:0.09723763221847559	this:0.07996281158588836	to:0.05996495141318129	their:0.057873118145570376	all:0.05230316361028506	that:0.04778598359570747	:0.01
the:0.4548131460581101	this:0.10795780457742565	The:0.1049479382022482	that:0.08347705194684914	of:0.07758326770384216	his:0.054557577958058774	a:0.04080249427020721	tho:0.03759610896549259	This:0.02826461031776608	:0.01
and:0.25207630807212883	the:0.1590776369175443	to:0.15773558448492864	of:0.134008835886489	in:0.07715387433799809	he:0.054225800065998656	that:0.05325079287740025	or:0.05204646639327736	re-:0.05042470096423504	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
a:0.37085459093658374	the:0.21000394783181825	to:0.10908513400680502	of:0.09422043328554139	and:0.07801695132369937	his:0.0572173418088892	our:0.024744009535348624	in:0.023527565382989123	my:0.02233002588832535	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.8062614429249388	a:0.07074204085357431	The:0.037971118303160065	tho:0.034959893912346295	tbe:0.014409726287693962	and:0.01204628792953439	this:0.006056116421176157	his:0.004449906963798345	whole:0.003103466403777544	:0.01
with:0.14886409931711977	of:0.14447416381657258	in:0.12988064643016015	to:0.1280947265060543	is:0.12249041988156543	was:0.10239616600889581	for:0.07781047810481515	and:0.06838860319273059	as:0.06760069674208626	:0.01
and:0.3260689423137317	of:0.1846568728253936	or:0.10058110924794463	I:0.08244809738647657	all:0.06634638259409202	from:0.06559692091814154	was:0.05746828102926478	be:0.0535480572505928	is:0.053285336434362514	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.6538000436814833	and:0.09015411547553376	The:0.07945265526580497	a:0.07657246664758771	tho:0.03386343348081405	tbe:0.016367112828224745	most:0.015268767705993348	in:0.013318189691930384	all:0.011203215222627705	:0.01
of:0.24239194406029652	in:0.19563634071915004	to:0.1362604367491558	on:0.1310081002441743	and:0.0707973805851991	with:0.06410075963463062	upon:0.056297896207759164	for:0.04703315621341829	from:0.04647398558621622	:0.01
in:0.38029591400114954	on:0.16482173982930762	of:0.1127131176858697	In:0.09212752924161918	to:0.06626732594827656	and:0.060122967531543975	all:0.04421654188792401	with:0.03810358670094847	that:0.031331277173360914	:0.01
and:0.24519449967650758	of:0.2172617640929614	to:0.15935517098998783	the:0.09070520648266919	in:0.0731150938525396	with:0.07128399515673141	on:0.050983329451135255	from:0.04161693803381323	as:0.040484002263654346	:0.01
that:0.3056112572569548	and:0.15862136393773946	when:0.13771554565839508	which:0.11220381270347264	as:0.05982557705302472	if:0.059033106732652676	where:0.056751645138348746	to:0.05133083575843716	but:0.04890685576097475	:0.01
Miss:0.42774402318142685	and:0.25081895066259113	of:0.07437675542562927	Mrs.:0.06321797287351347	said:0.05630485498405663	the:0.04998362760350464	by:0.031508362267494865	Misses:0.021002505164710097	.:0.015042947837073101	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
and:0.19220644794748779	as:0.1859057919005764	is:0.10009244362757397	it:0.09851922748846435	up:0.09251153461245032	him:0.08546142479719043	feet:0.08165909139576992	right:0.07772444346637726	went:0.07591959476410955	:0.01
a:0.4869484608585177	the:0.25098111621211555	of:0.053455536965788794	his:0.047832922616257094	and:0.04485354857593001	very:0.029429732245314946	two:0.027005700410788803	an:0.02513035675817238	three:0.024362625357114698	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
and:0.3200238429875085	was:0.15652928435215552	is:0.09709326773306586	found:0.08015164216408954	made:0.07862935789413894	are:0.07017134065480195	that:0.06393052912122682	but:0.06241666336039341	up:0.06105407173261946	:0.01
the:0.386975904723984	of:0.19023670125614095	to:0.1035849168576047	a:0.07639391889267651	on:0.06913249113784418	in:0.059927287913355484	and:0.042576589721090956	from:0.03248263805346595	<s>:0.028689551443837218	:0.01
this:0.19690559058788445	other:0.1832165483076814	the:0.16205097084884215	of:0.08535106141447825	all:0.0791743933732819	public:0.07652060414051	same:0.07090141833574437	their:0.06880086442602591	one:0.06707854856555155	:0.01
and:0.18840526496416418	miles:0.17815989111256372	far:0.1301307515363812	free:0.11206738138602956	or:0.08674964397989247	away:0.08190795143033694	taken:0.07413912400076807	it:0.06984360833477657	him:0.06859638325508731	:0.01
to:0.6589366431093727	will:0.10780738669957601	not:0.052050717951202904	and:0.04145154069700286	would:0.040730868491024384	they:0.023434275947093727	I:0.023148522041103296	may:0.02140495826992313	shall:0.02103508679370099	:0.01
the:0.34719557809414614	of:0.22523121420132727	a:0.15130193155419622	and:0.09085664885357969	their:0.0462843639013859	his:0.039717227001732205	to:0.03163717140635318	with:0.031055511280917304	in:0.026720353706362093	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
or:0.2403507772449139	the:0.19115280510803911	of:0.14888590881409922	and:0.14529955637397918	in:0.0820960940834884	for:0.0656356906929594	to:0.044754199384837635	about:0.03655159990691296	by:0.03527336839077023	:0.01
and:0.3309066756559541	demand:0.11951725037001645	ready:0.09893866457384981	used:0.09514434972463204	time:0.08611259291726484	not:0.0660784836651807	vote:0.06597209943325834	it:0.06550607031200961	candidate:0.06182381334783411	:0.01
a:0.3908930486846145	the:0.18867167904185542	of:0.09214415409818069	and:0.07976467005100195	to:0.07962911164204287	for:0.06784596297828113	in:0.03853502516753679	two:0.02653765425807591	with:0.02597869407841064	:0.01
the:0.3301131195789923	and:0.148288312124348	of:0.13518356038465232	a:0.11136441936114233	The:0.07209178236459679	Mr.:0.06666880143784547	he:0.044914673416811816	that:0.0419426161958475	I:0.03943271513576336	:0.01
of:0.40181434489870593	for:0.11257106545887992	to:0.08883073767382363	in:0.08454338823437584	and:0.08178134185799561	by:0.06968614119086206	with:0.059291418991032525	that:0.055277274525461835	from:0.0362042871688627	:0.01
and:0.25418549375648974	that:0.20082293093600273	as:0.15852891768462382	which:0.12614343010865073	when:0.07219257665021513	but:0.05929200578391366	what:0.0497658475375204	if:0.04193286290579575	where:0.02713593463678798	:0.01
the:0.2734865897411025	and:0.20291078037112248	of:0.17703044927706332	to:0.14197740296400874	or:0.05428351769639148	for:0.03851078262930968	that:0.03809577891252831	as:0.032523212025938684	which:0.031181486382534873	:0.01
the:0.4783330205535941	of:0.10696763799699595	this:0.08274258994592712	The:0.07342300261437862	his:0.060090369066156196	their:0.0571781520563615	that:0.04532820732131736	and:0.04436322222916504	no:0.041573798216104206	:0.01
the:0.3803230215270761	a:0.30518713928259644	of:0.07124359266842452	to:0.06211318274803923	no:0.05573630019683726	any:0.03885620493241339	The:0.031220078471538456	tho:0.023994922417993468	his:0.021325557755081163	:0.01
the:0.6486580270754396	of:0.10362075281971127	a:0.09192376375358918	in:0.029706247300459787	tho:0.02921804158908907	The:0.028882287775991257	this:0.026792648700715536	his:0.016320968153743006	our:0.014877262831261295	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.6666908077472047	The:0.0921621582270724	of:0.07468651343228068	and:0.045602318570373564	tho:0.030804861525028225	to:0.023601297631443696	in:0.023500492531613824	a:0.017363105316432915	by:0.015588445018549994	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.23226257295813926	that:0.2213516500208345	as:0.15701596263182646	which:0.10054007038092679	when:0.07438407586317003	but:0.07385335729908371	if:0.05878632390389569	what:0.042549143701917945	If:0.029256843240205548	:0.01
and:0.4064873935614602	days:0.15581209450437378	that:0.0782088695968812	and,:0.07057148430346123	one:0.06172046287508123	until:0.05830669742019718	soon:0.055920175593576246	year:0.055182194110219074	shortly:0.047790628034749795	:0.01
boy.:0.4306394857128026	girl.:0.4192613590245305	of:0.0543666810011982	Mr.:0.026371753635673154	and:0.016909674508036068	the:0.014551591435598275	Mrs.:0.011079437656503193	to:0.009825800810828317	by:0.006994216214829759	:0.01
the:0.3391675329792061	of:0.13438902981805323	and:0.1305813677572269	Mr.:0.12434584983274222	a:0.08517650253412659	The:0.06565077811854511	was:0.042485993892171794	to:0.0350542723106443	in:0.03314867275728368	:0.01
Miss:0.2391489544940608	and:0.2106783474259739	of:0.19759050924514965	Mr.:0.10626619246420044	D.:0.0644784552530289	Mrs.:0.05377313218393937	the:0.040668165704356024	with:0.039849296679005435	said:0.0375469465502854	:0.01
of:0.4707180466829126	to:0.13071024818776386	in:0.12401896569520782	on:0.08113918100431854	from:0.06533950052098039	by:0.05091620363963509	that:0.024836236355551135	In:0.021510813376783542	and:0.020810804536847066	:0.01
the:0.5881830465451288	a:0.27490639332270556	The:0.0368742952407851	tho:0.029994715856919846	and:0.01628376315127078	this:0.012969932735452504	his:0.01286331172130828	large:0.00917289171967748	tbe:0.008751649706751624	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
to:0.32850904901903855	of:0.18639488888309066	with:0.14285352504510687	for:0.07681517651808528	upon:0.07133065974358563	and:0.0655775628600102	among:0.04045871058036777	by:0.03937498509528775	from:0.03868544225542736	:0.01
of:0.17896032679711565	and:0.17347590152250694	with:0.11550188896372414	as:0.10862491898881448	to:0.09669999432829311	by:0.08986392149101753	in:0.08828674975425993	is:0.07551584426181601	was:0.0630704538924522	:0.01
two:0.7390221559797192	three:0.06459636593569343	one:0.04737415293083196	Two:0.03848706662592227	four:0.031202825886083738	five:0.02248701424491477	ten:0.01821567229869844	six:0.015084826833790869	more:0.013529919264345446	:0.01
years,:0.16270601460719014	time:0.12852657470430356	in:0.12362720187448062	;:0.11832081493207332	porous:0.1026614492451613	hundred:0.094376847867295	it,:0.09322632357261038	States,:0.08499726460405177	manner:0.08155750859283398	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.2890540021005323	to:0.13978058825181736	in:0.1272555870273304	on:0.09753558903871308	and:0.0775994397492982	for:0.07592936988397297	with:0.0661390779943173	by:0.06566609001334199	that:0.05104025594067642	:0.01
away:0.17860153893268557	and:0.1780373751177418	them:0.10854488758228874	taken:0.10584621995081835	him:0.10057586175981237	free:0.09248826024146947	come:0.07770308824262455	out:0.07678778929530623	in:0.07141497887725298	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
a:0.43504948680228767	in:0.11189837727096849	of:0.10470973472064639	and:0.08471291840032248	the:0.06690693864113559	to:0.05948518387483224	with:0.059188186350363124	most:0.04069391568858269	is:0.027355258250861287	:0.01
the:0.38002804482052044	such:0.1641318649327644	a:0.13142211818575852	his:0.08679248004689967	as:0.06843850192426508	this:0.0587515367368183	same:0.036342257213315035	The:0.03608842444944616	my:0.028004771690212354	:0.01
a:0.3034513387105832	the:0.2984568231328004	and:0.12760327494223733	of:0.05628268333170367	The:0.046689175453425574	our:0.04508603390368887	his:0.04088477904455275	their:0.03820633114278837	its:0.03333956033821975	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.31761134440032757	of:0.21987340130616442	and:0.13801279815457787	to:0.07928458824357053	a:0.061835950467582654	in:0.0574951852264383	.:0.04701858444781324	at:0.0370379077792702	by:0.031830239974255284	:0.01
the:0.2895740290395114	of:0.17373506185125653	and:0.16506367628021845	to:0.10360219768344171	a:0.09228084386837633	in:0.055230445114867514	at:0.04724247957281733	or:0.036136735864220254	The:0.027134530725290443	:0.01
to:0.171550035881436	of:0.1636456804758561	with:0.15664525638705806	is:0.11732254945198059	in:0.10101969105808206	as:0.07494995911715982	for:0.07407456025808783	was:0.07172729007048462	and:0.05906497729985495	:0.01
and:0.2953876189038615	was:0.16428490131166157	is:0.1170663883818668	up:0.07776716508545514	it:0.07559106251500251	made:0.0665568090126541	put:0.06578409847025994	placed:0.06489134807601946	that:0.0626706082432191	:0.01
the:0.4149734693033643	in:0.20760297066235897	an:0.10022064754484085	such:0.06497757508289657	and:0.054237063045515996	of:0.04168949349247	In:0.036000727369845394	this:0.03567904889723297	his:0.03461900460147507	:0.01
the:0.6846034722915979	an:0.09298850419299594	The:0.04485260802506616	great:0.04043108907803816	tho:0.032290072256264166	large:0.029437125695166738	and:0.026406323962641462	some:0.021428684129734598	vast:0.017562120368494836	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
time:0.1559679530635385	it,:0.13600874058768753	up:0.11246985927328501	man:0.10623814279706979	them,:0.10347043307405673	him:0.10318427005950455	him,:0.09361317067455117	;:0.09246489830305783	one:0.08658253216724887	:0.01
the:0.3921991039846004	a:0.18844912142051093	of:0.10407115466546792	to:0.0809425540898906	and:0.07215935360434142	in:0.05123472060167176	his:0.03679716027265396	The:0.03585714115801244	an:0.02828969020285051	:0.01
a:0.42086393949752127	his:0.18642528079565196	her:0.11830240749261883	my:0.0951999690629095	the:0.06495741262976322	old:0.027421777367490137	your:0.026939419601908154	A:0.025587486250840945	their:0.024302307301296056	:0.01
of:0.3610073807642417	thence:0.12511578315424451	said:0.11486844865569695	and:0.10729888012458444	in:0.07414091731824198	a:0.07181504815182896	the:0.05497395811378524	certain:0.0418739410059273	one:0.03890564271144881	:0.01
to:0.4334881165261762	for:0.1525222799559408	with:0.12750982282528658	of:0.0764195111845576	told:0.05718641798259619	upon:0.038484425247760704	tell:0.03677412569099341	at:0.03627727727686218	asked:0.03133802330982641	:0.01
of:0.17917073582946524	to:0.15236279741976758	as:0.14262546639499002	with:0.10528926783582769	that:0.09115667470795734	by:0.08664289509401094	and:0.0833596073724158	is:0.07625186121936062	in:0.07314069412620476	:0.01
of:0.4061718721844183	to:0.12549127481807346	that:0.11646835314454528	by:0.09842653733529988	and:0.09807313009608123	with:0.04982855422007516	for:0.033121613173140343	as:0.03243387979934149	all:0.02998478522902498	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
June:0.15230349775006338	April:0.1456620533606881	March:0.13135127365496677	No.:0.12921209412581577	and:0.1233451940349386	July:0.10546172790730368	May:0.10339493004342781	January:0.051593325927799374	9,:0.04767590319499632	:0.01
be:0.321798279653354	was:0.22607929606996022	is:0.11555268340459754	been:0.08280142631406814	were:0.07933172325945875	are:0.07167472862755213	and:0.037434115987007154	being:0.03164234994941285	he:0.023685396734589307	:0.01
and:0.39592052656256477	or:0.2111087709052633	not:0.14239260915573346	that:0.05947793260518965	to:0.04394050458110337	but:0.04097131562667686	is:0.03323298855980717	of:0.03149208507312613	was:0.031463266930535264	:0.01
and:0.5017195741537963	the:0.18893552363021424	of:0.07840709856510898	to:0.05640875085136596	.:0.043483649160566705	is:0.03320502271593281	was:0.031855943124794374	be:0.028376319340608667	Mr.:0.027608118457611942	:0.01
of:0.2416491351859251	to:0.1832545713821549	in:0.18066095224706363	and:0.0723543373838205	for:0.0714048322147051	from:0.0697833737011476	at:0.060990206771319826	on:0.057596628937208884	that:0.05230596217665454	:0.01
the:0.3332668131333577	a:0.1442889191494264	and:0.1056533995900426	of:0.09579032167733698	Mr.:0.09530345647523054	The:0.09097967814664698	was:0.0491494216272524	his:0.038967664250979694	is:0.036600325949726606	:0.01
it:0.29597062880021136	that:0.21180294773043418	It:0.13674360229824284	and:0.11211529399854098	which:0.07508338905849231	he:0.04848470232276244	what:0.039401724609431116	There:0.0373784732710012	there:0.033019237910883424	:0.01
the:0.40371444805137874	of:0.1607309033259285	and:0.12365554278272142	to:0.07483764899065926	a:0.06995233317686957	in:0.050802715757777034	by:0.0387345612044851	on:0.037612118909813724	at:0.02995972780036658	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
it:0.208109561462589	I:0.13329059645584243	he:0.1310394831164381	It:0.10003560896983764	we:0.09853154703362994	that:0.08680590198510074	they:0.07893219168108244	and:0.07667423740586314	which:0.07658087188961663	:0.01
the:0.3744960402735969	of:0.15940723532675158	and:0.14534201444509587	to:0.09432571295211789	at:0.0652289837193639	a:0.042123600837813684	in:0.04138422098967596	.:0.0383707852834731	his:0.02932140617211125	:0.01
and:0.1721257114275035	to:0.141229607675882	the:0.13137377675651957	of:0.11621693267090508	in:0.10354346396898301	be:0.09840216971668114	was:0.0976881448895947	is:0.08081319004651072	not:0.048607002847420214	:0.01
they:0.2946041178611575	we:0.19093322601986337	who:0.11425861054862588	I:0.0928114507024977	to:0.08097024866427911	We:0.0676129112733437	They:0.06166917594013235	you:0.051794651888107106	will:0.03534560710199338	:0.01
of:0.25072713718031603	to:0.15619896133241645	the:0.13392214282768197	in:0.12345432144591335	and:0.10141454995674465	for:0.07166290825950047	a:0.06617188690466556	that:0.04668643638690739	be:0.03976165570585397	:0.01
a:0.344949301397022	the:0.2503627141006165	and:0.12028031737605935	of:0.08797217140279699	most:0.054266689152250754	this:0.03903610115892046	is:0.032004289498264754	that:0.031069462666765368	will:0.030058953247303795	:0.01
the:0.308470707389144	of:0.2301640666171046	and:0.10416687742321015	for:0.0732518656365279	by:0.07098096633149514	to:0.06907085772227663	The:0.06106575074813673	a:0.03675637592458407	in:0.036072532207520894	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
it:0.24112649263459637	he:0.17660792899787944	It:0.1713624494321809	I:0.08209974212840981	He:0.07828896755119588	which:0.07500438521777203	and:0.06286527553672039	who:0.0534546761422916	there:0.049190082358953446	:0.01
the:0.45072442068859575	of:0.15863699663840108	to:0.08274862814216809	in:0.07934149181786487	and:0.06519368185071724	a:0.04745882399311515	at:0.04172253319245968	by:0.036321053813860485	that:0.027852369862817552	:0.01
the:0.4833168355429499	of:0.20523049878892005	and:0.08817931746489274	by:0.060307876068150065	The:0.049056160810079553	an:0.02955368046350953	that:0.025861637632834722	in:0.02440061691399272	tho:0.02409337631467071	:0.01
the:0.31130843731237823	of:0.1584857711392948	to:0.14412165081006315	and:0.13716019892257106	in:0.060555721576201066	that:0.051262821204911366	as:0.043902780853996286	on:0.04369654593973089	by:0.03950607224085328	:0.01
the:0.45266001087917496	of:0.14025585785713562	in:0.0800698265950681	and:0.07385946315084929	a:0.06053366824126871	on:0.05734498863209498	feet:0.047356868498301286	to:0.04683971494983614	that:0.031079601196270935	:0.01
the:0.21298000459552283	and:0.2039636710878841	of:0.18227586657211736	to:0.0947332508750933	was:0.07100993380022316	in:0.06763282217115012	for:0.05552798378335023	he:0.05223279322482916	Mr.:0.04964367388982969	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.3853244944598765	of:0.20161191429901182	and:0.13281277996971314	a:0.12239923761336709	in:0.03551265260697983	to:0.03103354669114786	or:0.028518751250521997	The:0.02804008313706694	tho:0.024746539972314786	:0.01
it:0.2399716716596697	It:0.21433270134211957	he:0.12038279747315722	there:0.10015927291106927	which:0.08512165220552412	He:0.0716761036709304	that:0.060653216456978784	and:0.05801456547251138	There:0.03968801880803956	:0.01
we:0.19038329624736097	they:0.17223557018284583	you:0.14389864822319592	it:0.09960256616073718	who:0.08610526948743723	he:0.08601628635108716	which:0.07731117232408055	I:0.06969991005118724	that:0.06474728097206793	:0.01
thence:0.5294595794042971	bears:0.09876576294911563	and:0.08014325837815826	.:0.07008620846392796	thenco:0.05326785135443247	the:0.04500472813285633	Mrs.:0.039050810199589156	<s>:0.03806686576221567	of:0.03615493535540751	:0.01
the:0.6057276983356655	The:0.10450059456015466	and:0.07549151141459098	his:0.052905134105849384	of:0.04099588645411607	a:0.04017817505383594	tho:0.0311490024748505	this:0.021023181247273953	that:0.018028816353662977	:0.01
the:0.2856890660809918	a:0.23551547720680457	of:0.13236864268290663	and:0.12284846927410603	his:0.05532469288937335	in:0.04464200712888527	as:0.03976371240465586	that:0.03730025240351172	public:0.0365476799287646	:0.01
at:0.42445441909319803	for:0.22290251391824398	of:0.06520661733034973	and:0.06311850992461512	as:0.05690741473885778	in:0.050277417537573796	to:0.03723060734302966	is:0.03524549079211603	such:0.03465700932201601	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.40680787259340423	to:0.139361898588153	in:0.1306645206900648	on:0.1101482636883288	by:0.05340982179595688	from:0.04702704145476806	for:0.04023781879941364	at:0.035073914006029466	and:0.027268848383881168	:0.01
the:0.7427604872708808	a:0.05927579336201082	The:0.059057941527509865	his:0.03806396544134558	tho:0.03490924624682962	their:0.015989344228010162	tbe:0.014273047963562465	of:0.014114736410407457	my:0.01155543754944316	:0.01
of:0.22294287118162306	to:0.16954636300418283	in:0.13933979911716232	and:0.10501442334651247	for:0.08848941708020296	with:0.08366208779805417	by:0.06910793570784933	that:0.06289431407531326	is:0.04900278868909961	:0.01
the:0.3214041359971408	and:0.20179318883020006	of:0.12588307338100727	to:0.10017517439786253	a:0.08758707951885228	I:0.04963988657451443	as:0.0370179689670886	that:0.034835832000480516	in:0.0316636603328533	:0.01
and:0.3746026301460157	feet:0.1653818897144167	was:0.10305855227334607	lot:0.08838752800187237	inches:0.0662863195927131	is:0.05253520310014759	that:0.04995053102058167	recorded:0.048358457774489993	are:0.04143888837641683	:0.01
made:0.2639673176569578	and:0.2547708918514413	that:0.10083217744114822	secured:0.08971698227607519	or:0.0864293212256963	ed:0.05001693507256943	only:0.04910181187121298	it:0.04839184021791324	taken:0.04677272238698547	:0.01
the:0.2760366028263551	of:0.2675918249759311	to:0.07904276531570611	for:0.07448477805745651	in:0.07337051071743202	a:0.06848022648911889	and:0.06721102443445709	by:0.051515023103596874	at:0.0322672440799462	:0.01
and:0.439886296959857	so:0.09547585128943607	is:0.08907895551602692	of:0.0823664012409444	was:0.07965787154381505	fact:0.05433436996643328	all:0.05175625578671504	to:0.051026597362779647	but:0.04641740033399255	:0.01
they:0.23364138526239633	who:0.13900208200299138	we:0.12732876218965317	which:0.12275187738233093	there:0.10656228561072974	that:0.07477931782100233	They:0.06349607118679011	and:0.06127631025927464	We:0.061161908284831416	:0.01
of:0.3863750797625567	to:0.21982466373845239	with:0.07512938711264021	for:0.06608932545552364	in:0.06363175120233355	by:0.06332151149630837	and:0.055036118459545404	from:0.031521644432272504	as:0.029070518340367297	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.2275568136184341	of:0.198357135738386	the:0.1750661188511791	to:0.07855314553146203	for:0.06714821591926588	a:0.0663876628110636	that:0.06195441710685245	which:0.06002681078592804	or:0.05494967963742877	:0.01
they:0.2749327626929498	we:0.13590570647938507	who:0.12882957363903988	there:0.09567113841470547	They:0.0898599572025549	you:0.08205227818142831	We:0.06937728047151177	There:0.057400811906928084	and:0.055970491011496676	:0.01
and:0.27385030718268744	it:0.12506175564941835	called:0.08675343921571417	demand:0.0860856228281942	paid:0.08604748032759993	voted:0.08581097652378188	him:0.0833604749241101	time:0.08231594606160822	necessary:0.08071399728688569	:0.01
it:0.18748910177213593	he:0.17662068303563777	It:0.13941236227314263	which:0.11807200366700182	and:0.1115313428042673	I:0.08995567727834793	He:0.07187598504226575	that:0.053773577463843154	she:0.04126926666335773	:0.01
it:0.1912037633768029	and:0.14181893477537585	they:0.12842954853076882	which:0.10681691350284597	he:0.10149412192147439	It:0.09453437728173905	that:0.08217827055419531	you:0.07728264721486483	I:0.06624142284193282	:0.01
the:0.7272891855760508	a:0.052097282772508746	The:0.04597605731610108	tho:0.040705108795815244	and:0.03629475715933021	any:0.025669751104035323	all:0.02515341393897254	or:0.019281226351317952	tbe:0.01753321698586822	:0.01
of:0.20509868068331527	the:0.18992360083848198	and:0.1627077320911976	to:0.11166884988859471	be:0.0979632635341338	in:0.06540848799261574	or:0.058966420912407294	for:0.05013839373631626	re-:0.048124570322937356	:0.01
of:0.22456024436816038	the:0.20117778106856923	and:0.10619374617380355	his:0.10332539318436118	to:0.08102461410218827	a:0.07954544539433554	in:0.07911015684195771	their:0.0769526200091699	our:0.038109998857454246	:0.01
and:0.16051538492039444	able:0.12584552037456037	order:0.12023274904774982	him:0.10411986755347347	is:0.10230358199714916	was:0.09725639894996213	time:0.09647037435760988	had:0.09226467812513447	as:0.09099144467396625	:0.01
and:0.2788534873815524	to:0.1435451524423543	of:0.13461447217554892	the:0.12220030186827203	that:0.07785718684489257	in:0.06784839561234364	which:0.05828167705261113	not:0.05732114148116861	con-:0.04947818514125636	:0.01
of:0.24735268988479495	in:0.24484806076197993	to:0.15594088199570844	and:0.07706464077438069	with:0.07698385669709623	at:0.057764743802529536	from:0.0435407875581086	on:0.043350193652298676	for:0.043154144873103005	:0.01
of:0.24593215515394143	and:0.1707824568870435	that:0.16369030182146502	to:0.12106757313005373	in:0.08511033195111972	on:0.07248105661865158	for:0.0511613331399167	with:0.04344113687743714	which:0.03633365442037128	:0.01
it:0.1549390830752105	they:0.14656059333886484	he:0.13908267245488537	we:0.12728224084167997	I:0.09122756863522546	as:0.08975804965004193	you:0.08475422370845172	which:0.07866054708868901	who:0.07773502120695128	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
Mr.:0.18921600881887063	of:0.13214556079801804	Mrs.:0.11254952038613564	and:0.10263205381155144	.:0.10136380651001665	to:0.09857345726643298	John:0.0921101283780381	W.:0.08483692172376635	A.:0.07657254230717016	:0.01
of:0.4155941699781437	to:0.12981685482713856	and:0.09050290718666609	at:0.08064132708488395	in:0.07085824581652707	that:0.06664357158087335	by:0.047684825901929094	from:0.04517056708374157	on:0.04308753054009657	:0.01
of:0.3008033259354469	in:0.18549824520929936	to:0.10475599255314552	on:0.08619343440248727	with:0.08233468406758201	by:0.07864708768797682	from:0.06473429515482454	and:0.05379907621538125	for:0.03323385877385637	:0.01
the:0.4411458400749896	and:0.11154959254405168	a:0.1090770224306174	of:0.10894118218557693	to:0.06154664581779171	The:0.04766284208676802	by:0.037984487211313436	Mr.:0.03642529729725192	in:0.035667090351639404	:0.01
out:0.16588171371588217	sum:0.15589868038760057	instead:0.11598040831256436	that:0.10466121841179767	part:0.09593771680403297	think:0.09555343744101769	use:0.08601987461114398	matter:0.08512216993569434	number:0.0849447803802663	:0.01
and:0.22457484791693796	the:0.21639535452019124	to:0.1345470860660392	of:0.12749301081947784	in:0.06553649397530097	that:0.06165198815741721	which:0.05973289088305547	a:0.0536871595894554	or:0.04638116807212473	:0.01
.:0.21036562828964303	<s>:0.16442881718914243	Mr.:0.1308898353384458	the:0.12309158607077199	lot:0.08746011318909586	and:0.08305372778876756	it.:0.0662314712104476	it:0.06344126372629734	them.:0.06103755719738842	:0.01
of:0.29500553680670677	in:0.1848535660147931	on:0.1213719689551109	to:0.1205777213889792	by:0.06355635105467132	at:0.05745685978970231	from:0.05608170760122424	and:0.05163772690203095	In:0.03945856148678132	:0.01
is:0.1890032924792802	in:0.1491902834677176	was:0.14583552126665178	made:0.10014497425536109	for:0.0922588305876809	with:0.0846065884140486	as:0.08281651482967825	make:0.0808565679440371	be:0.0652874267555445	:0.01
it:0.3349641634608517	It:0.2821273905989333	he:0.07518402809182298	there:0.07313812428280234	which:0.06380231169616617	that:0.051641987265936634	this:0.037152031399155926	This:0.03608899998186505	and:0.03590096322246592	:0.01
and:0.26388277994412696	was:0.11712981377404111	that:0.10827086469130277	be:0.1009377095531898	is:0.09973611309461755	or:0.09305953265726254	made:0.07293175294235847	it:0.07026615073250055	are:0.06378528261060036	:0.01
and:0.22548804382211918	of:0.16551647653467494	the:0.10910891880260937	to:0.10236234663377487	in:0.09510539189201721	be:0.094972658901539	I:0.07406902428534616	was:0.0643687000531	is:0.059008439074819334	:0.01
of:0.42755577353566043	in:0.1865452834113235	by:0.07352165925423769	In:0.06358112505921852	to:0.05507871225979129	the:0.05252408122503186	and:0.05100783600373982	from:0.04743958579998272	<s>:0.03274594345101411	:0.01
of:0.3257637842611308	with:0.1373038856064581	to:0.13037538373092789	in:0.08412838847283124	and:0.0732076037304758	that:0.07288272849614953	by:0.06289993231423056	on:0.05481554509470698	for:0.04862274829308918	:0.01
of:0.316541242649545	in:0.24199463784394065	and:0.09493422049428944	for:0.08819314228611866	with:0.08023114055533984	to:0.05341609850149769	In:0.051320555091664714	that:0.03657790026605783	on:0.026791062311546262	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.4328202584845207	of:0.1235618329222373	in:0.11928845566630558	a:0.07964278467044411	to:0.06301338093423667	on:0.05154769300761268	In:0.043753664885299366	The:0.038656790168542045	<s>:0.03771513926080151	:0.01
the:0.43713230786375945	and:0.22308040928444417	The:0.09729694718985815	a:0.09700356383840773	of:0.04043772653792659	tho:0.03066167912455136	that:0.025188874716014033	any:0.022387517290763832	or:0.016810974154274745	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.456441924385728	land:0.32223354349440825	The:0.07598026907584385	and:0.06633200570622648	tho:0.020956558225520318	a:0.01632754563117295	as:0.015204954414047806	or:0.008276003890209183	tbe:0.008247195176842945	:0.01
is:0.2111271106684822	and:0.18869826266459827	of:0.18095419927118658	it:0.09220047929124552	are:0.07841792341867455	was:0.07512798969824042	now:0.062241829594564584	same:0.05486191589670676	from:0.04637028949630104	:0.01
at:0.30280723103896673	At:0.1174662881417516	in:0.1150215583896665	any:0.10611951814819015	of:0.0898088269509941	to:0.08032805804682315	and:0.07293248464823272	no:0.054578029587602155	from:0.050938005047772725	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.2849854145479755	the:0.19110664877206512	in:0.16527432962541247	and:0.08961911046956546	from:0.05812517884405022	at:0.0529175859907504	to:0.05212621672161715	In:0.050379942932115986	The:0.04546557209644765	:0.01
and:0.32258062634490264	that:0.15272727884817391	in:0.11520228024842907	the:0.09302133211012242	land:0.06785736568709232	office:0.06749463182854286	county,:0.05783778188858248	property:0.057439675802765655	acting:0.05583902724138857	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.22761283493453946	of:0.19557227273378142	to:0.18466062832019614	in:0.1455679549242983	for:0.07299359644416963	on:0.06604810127485626	In:0.03602289625574455	that:0.031094227437958148	at:0.030427487674456178	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
cents:0.31542625608318736	cent:0.1254228993759165	50:0.09264349637706397	6:0.08921633723670536	10:0.08884641905137729	ten:0.08541170134224631	5:0.07193334955724522	1:0.06285224375453895	2:0.058247297221719195	:0.01
the:0.47165822389602335	of:0.2389176384655618	and:0.07743617614740854	a:0.048075246941742124	The:0.03622067938431858	his:0.035246047107332396	in:0.03494548008633927	tho:0.026893721608866213	her:0.02060678636240779	:0.01
and:0.3285352521060897	to:0.2356684012251262	I:0.0799222523720395	not:0.07164174015926374	would:0.07051661285507241	was:0.05361760288120929	will:0.05206555957952194	which:0.05012991672119107	he:0.04790266210048614	:0.01
know:0.3024290307637485	of:0.12813023487724573	from:0.11495091389589739	and:0.10940822870905184	is:0.09609027585981006	do:0.07324660287086625	for:0.06509432281973947	to:0.06089299058123531	in:0.03975739962240542	:0.01
of:0.2285902567726564	for:0.21815201034114048	in:0.13888285607061907	to:0.12517232476392773	with:0.07497818796110013	and:0.06741074288863894	by:0.05473212852392818	all:0.043937146276513746	that:0.0381443464014753	:0.01
manner:0.3946119345675231	and:0.18749701924918538	that:0.10855654014299566	way:0.07037996389927752	time:0.05382876808607621	it:0.04775881818150396	all:0.04270273332279963	one:0.04238708288685656	part:0.04227713966378213	:0.01
the:0.20674797625342994	most:0.17620587257556372	an:0.13474309810719934	and:0.12893418046622074	of:0.1021580489749501	more:0.0926096827830733	to:0.04627656743730645	by:0.04052254889375652	very:0.033605863432406576	a:0.028196161076093237	:0.01
to:0.3505603649752206	will:0.15048933505503428	not:0.0881471332500264	have:0.08703494123318041	had:0.08603794635419257	has:0.06944860824791743	be-:0.057385290826557724	would:0.05536540083354279	and:0.04553097922432777	:0.01
the:0.656173142382044	of:0.07923645990316047	and:0.06647368971156722	a:0.05148503295394541	to:0.03585386974389006	said:0.032404411983762725	tho:0.02464462105721801	his:0.02417307988758146	The:0.01955569237683078	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
and:0.2591767401702746	was:0.17094916037156466	is:0.14492190650532719	be:0.1051157665376932	are:0.10208480374009735	been:0.06608000771107708	were:0.058077117631772576	not:0.05463914526714367	or:0.028955352065049733	:0.01
have:0.145951275446566	is:0.13837006259238568	had:0.11688774051984978	with:0.11654514842459407	of:0.11322685363794845	was:0.1082853118593383	has:0.09211967950388276	in:0.08337707955398291	to:0.0752368484614521	:0.01
be:0.3195971169570429	is:0.1541733560733397	was:0.13232786923044024	been:0.11381166155722261	are:0.09521982237394791	and:0.06577386634604025	were:0.055746798101000986	being:0.029712850981520728	Is:0.023636658379444557	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
it:0.23219976727391295	carried:0.1446457858323841	go:0.11658551214362323	them:0.11239928953359178	went:0.11076509503637004	come:0.08105834113664985	taken:0.0700091437197063	get:0.06198208363829477	set:0.060354981685466755	:0.01
and:0.28806300274383356	to:0.20112892298352805	of:0.09460268142118539	the:0.08288674383970855	will:0.0809404381507124	for:0.0770407267216699	would:0.06740392475116808	a:0.05371990191829028	in:0.04421365746990392	:0.01
the:0.7540228551830757	The:0.058142073740576644	a:0.0539804020999181	tho:0.038774560378004266	of:0.023398268207192603	and:0.02018071241399254	large:0.01696895767067475	in:0.013193401129384332	tbe:0.011338769177180982	:0.01
the:0.3053145458021772	of:0.23944327793797418	and:0.10186753215967499	to:0.09413092095757924	in:0.07915851481953468	on:0.05830942932311769	from:0.03980429943428041	that:0.03651819879865695	by:0.03545328076700468	:0.01
and:0.3359723945695816	fact:0.1316189254902583	said:0.10667449643560811	so:0.08713045707286649	is:0.07379644658727269	say:0.0657800671011853	was:0.06486039920086528	him:0.06351804887687972	found:0.06064876466548251	:0.01
the:0.3541821997694099	of:0.17760360756499496	and:0.1471883714303881	.:0.08205790683962459	a:0.06524705296088848	to:0.05355154164107841	by:0.039208946540064446	<s>:0.03749824721867208	in:0.03346212603487897	:0.01
a:0.27654211849038535	the:0.2102644650401599	common:0.1242516091991719	their:0.08784539330443344	no:0.07008442701200977	his:0.06870914724619834	any:0.05632270705004369	good:0.05119389186455919	every:0.04478624079303835	:0.01
of:0.2670355486601311	to:0.19225996412432841	in:0.15443007011739734	on:0.09456056970691011	and:0.07647120420477634	for:0.053887877966695516	that:0.05261361626014018	by:0.051097379839953334	with:0.04764376911966775	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
to:0.6316540815799173	and:0.1231141508342615	not:0.06277325490644305	will:0.04145507850303061	would:0.03660342040968496	may:0.0334921703630674	shall:0.02220568511620704	I:0.020147370697207012	they:0.01855478759018108	:0.01
the:0.42549551516069467	of:0.21476799142234113	to:0.06757034220426456	or:0.06202725984893877	such:0.051143785415418405	and:0.04776196446708705	that:0.045116554870510986	no:0.0417060598231011	public:0.034410526787643364	:0.01
of:0.3683223175581134	in:0.13659339845286694	at:0.11373240816098139	to:0.08697982637729515	on:0.08574815272875798	from:0.06627475134348777	for:0.062027223146103955	and:0.036977885350979255	In:0.033344036881414095	:0.01
of:0.21638946947444745	in:0.20423348175425463	at:0.15075323883413538	to:0.14668903892505358	on:0.06857622194656741	and:0.05639119996198331	for:0.0534935206651662	from:0.05139753040132217	with:0.042076298037069804	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
of:0.19287996100052976	a:0.18662123382687812	and:0.16243417411192806	the:0.15014854610097186	in:0.0841018756545828	to:0.08307592733470334	an:0.054843367794159915	with:0.0396420789354538	which:0.036252835240792314	:0.01
the:0.4897360709101722	this:0.16351358785468953	of:0.09538475135490752	his:0.06177819017089488	our:0.043020406695468555	an:0.03901642663343072	their:0.03505262032963291	tho:0.0326449071303827	The:0.02985303892042085	:0.01
the:0.6848928680678725	The:0.10344291519459031	tho:0.0676455546905999	tbe:0.027412794313881272	and:0.024700098381551325	this:0.024092156915357155	a:0.022704968344009955	of:0.020652823084463104	his:0.014455821007674402	:0.01
the:0.4603784127924601	a:0.42585855642156767	this:0.04376442026743218	tho:0.013600815003290788	The:0.011934442357017743	that:0.011527720307080151	and:0.008355242863484231	no:0.007371882744481548	his:0.007208507243185423	:0.01
be-:0.3867499885401842	hereto-:0.1507790638925999	there-:0.14159342100430042	be¬:0.12329552693505395	be­:0.10824944240336765	be:0.024655583314334095	there¬:0.022961955303403524	and:0.017887248019243247	was:0.013827770587513031	:0.01
of:0.3482294701249243	the:0.190571289416577	to:0.115217267833398	a:0.11134868846456372	and:0.07796373502611535	his:0.04459608610919419	for:0.03631886815662247	said:0.03386896683593603	in:0.03188562803266901	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
carried:0.17040125985848936	it:0.1679315550452508	go:0.13040421937488214	went:0.11948507843961408	them:0.09337344122684675	come:0.08223802930518782	get:0.07922955608411111	came:0.07905980171435324	sent:0.06787705895126461	:0.01
the:0.2872663646311744	to:0.18947769570243447	and:0.14707524285860893	of:0.1019447871031677	a:0.07291442879405219	in:0.050952865059828455	with:0.049975166605908075	for:0.045917275260894126	or:0.04447617398393168	:0.01
and:0.25645110416229777	of:0.19389816431079487	for:0.12090145096051996	or:0.09538767995442836	to:0.09188134719253997	section:0.06021095701250293	at:0.0590081193356714	the:0.056291164986345905	in:0.05597001208489882	:0.01
or:0.21240619238446248	no:0.1822122685984337	and:0.12767223274374573	much:0.09830072902062684	of:0.0914534110474893	any:0.086652930526645	the:0.06967616007864884	for:0.06353448640974192	a:0.058091589190206135	:0.01
men:0.2624533401248378	man:0.11372269830104316	women:0.09735068466645061	up:0.09171475096694619	time:0.08897177207882427	President:0.08509203955591872	rights:0.08453156240470007	power:0.08344907554248632	labor:0.08271407635879299	:0.01
the:0.6542120219603469	and:0.0817529556670367	of:0.0681866080980329	tho:0.04143515862244505	his:0.03802622381820678	their:0.031160824222477585	The:0.027641709452277716	her:0.02721262597774396	tbe:0.020371872181432434	:0.01
the:0.17281410908385272	of:0.15630351248763086	and:0.15213688363374916	by:0.11101424669050772	to:0.09569286014401351	for:0.09114290166283409	in:0.08166134057966576	a:0.07312267833963282	or:0.05611146737811325	:0.01
the:0.6785336253636738	a:0.07762191982812573	of:0.0759430796937583	The:0.03842360456019856	tho:0.03563580187403085	in:0.029954816061519236	and:0.02375925082890912	by:0.01629183629400384	with:0.013836065495780498	:0.01
in:0.2859506251397239	of:0.20377586534662223	to:0.09543973276895225	with:0.08727538445337295	under:0.07919884908982028	and:0.06490226194623154	In:0.06218133281067967	by:0.06002543851543201	for:0.05125050992916528	:0.01
the:0.20311831739028638	of:0.20305663768115753	and:0.17532910741274838	to:0.14453616937158853	a:0.07322905923217755	not:0.054292511375099765	for:0.05143255119241882	is:0.045661229570040096	I:0.03934441677448293	:0.01
a:0.4342103493686322	the:0.28127427940390076	large:0.13107432102392513	A:0.04765830538767432	The:0.04331646657401486	great:0.017644277772326085	total:0.013916780429481905	and:0.011073407679680021	tho:0.00983181236036464	:0.01
the:0.27025998949320806	be:0.1667615494301674	and:0.15514881048106094	is:0.13603273902058116	was:0.06302110024694538	are:0.05426028968726214	The:0.05044788774171876	not:0.049458538376593454	of:0.04460909552246275	:0.01
the:0.701247410834918	an:0.07404120392987977	tho:0.050855958770301635	The:0.04163599818727612	of:0.03210136110969216	a:0.02851662709572429	and:0.024839551120162576	his:0.020657582837814638	her:0.01610430611423079	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
be:0.178803407350363	was:0.1756868828845475	is:0.17434384553599505	and:0.11493393234775519	he:0.10070155365761972	not:0.09326537363883235	He:0.05694519376560393	been:0.04803833652074261	I:0.04728147429854067	:0.01
<s>:0.568462569019253	it.:0.09286696899088527	them.:0.06467547877488351	and:0.060073164834554535	time.:0.04618634310602771	?:0.041486816620020905	country.:0.04030044739095153	people.:0.03867166268225779	year.:0.037276548581165685	:0.01
the:0.3734137039661222	a:0.13975492402680648	and:0.13963314417683828	of:0.11228281495734176	Mr.:0.06450996398670218	The:0.05205351156643926	to:0.04205446878495977	in:0.03584877286985949	an:0.030448695664930685	:0.01
the:0.23096407016366577	of:0.1722033400437719	and:0.14147498841999784	a:0.12083689853514935	to:0.11852942901038442	be:0.06109875657352347	was:0.058041221521029175	in:0.05303128523338767	at:0.033820010499090294	:0.01
be:0.19861673645279096	was:0.1870392294230395	are:0.15265990417466432	is:0.12358119872805372	been:0.09973824841275518	were:0.09314988280897721	and:0.0635866650139498	not:0.03995426650165762	he:0.03167386848411172	:0.01
be:0.34034028144767053	and:0.18211546252244468	have:0.1015360196105382	he:0.08013035838386871	been:0.07476167183749319	was:0.05946269836027415	had:0.05639555041203301	who:0.048783808033528255	is:0.04647414939214925	:0.01
of:0.2381719860295494	and:0.23415746017761663	in:0.11598353395473782	to:0.10227189079610367	fact:0.07859923495468527	said:0.06648519540808896	on:0.059675812679062315	all:0.049591757945495966	is:0.04506312805465998	:0.01
one:0.26177410899864684	out:0.15556960502827208	part:0.1300889311722691	some:0.11334280627319535	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229724	and:0.0565737601528326	that:0.055371084160479686	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.43939504065241564	to:0.14976483768331186	of:0.13401757176781318	a:0.07420797252362837	by:0.0588564861860362	and:0.05326223290604987	any:0.029398566157475558	tho:0.026258803144857817	their:0.02483848897841133	:0.01
of:0.4480261850774519	to:0.11030033198170837	the:0.105550248021715	in:0.07846618125793721	and:0.07221480987093988	by:0.05507838224377976	from:0.04911523738476056	County,:0.04217473001537978	In:0.02907389414632757	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
the:0.4478643198003368	a:0.24318850317826915	The:0.1226443168446834	their:0.037192653734293084	this:0.03620799263550831	his:0.031554812345380275	tho:0.02552259284960046	no:0.023606244520227658	some:0.022218564091700824	:0.01
for:0.2753548395798289	to:0.17728174690431278	of:0.1708637606357247	and:0.0905231333491977	by:0.09022685648148514	with:0.06707477995714035	that:0.05004352611225965	or:0.03475511028812778	before:0.03387624669192292	:0.01
and:0.20435456638808408	the:0.1871879390757773	of:0.15188708769505155	a:0.12448680291506621	an:0.09998799915835412	to:0.0655491725074047	in:0.05506107295971793	or:0.05306429239806422	that:0.0484210669024799	:0.01
able:0.15003214449443616	as:0.14604608350286308	is:0.14532293277660674	was:0.11009825501060937	and:0.10603521108283456	order:0.10455306132156449	enough:0.09082062634658633	time:0.06866052566126134	right:0.06843115980323786	:0.01
of:0.3420422053370365	to:0.1388434664336376	in:0.13786264416522526	and:0.08027954924229379	with:0.07123181302638898	for:0.06369579859368074	on:0.06135083543937238	by:0.04859824571313037	from:0.04609544204923423	:0.01
the:0.26631771811439525	and:0.20187492102926918	of:0.1589843633303804	to:0.11059027842715602	in:0.0571012098710703	that:0.051462395651177245	said:0.050581573006078746	for:0.04673165755322649	his:0.04635588301724631	:0.01
that:0.29683837338743163	and:0.1614614831864822	if:0.12312539640131466	which:0.10779846507873168	If:0.09757558162839486	as:0.07134438770866355	when:0.04732537433703962	but:0.04356874114437088	what:0.04096219712757085	:0.01
of:0.46347217700752746	that:0.11420477075808627	in:0.08325238813911613	all:0.07016593657864474	for:0.06794396817608227	to:0.06355359122056482	and:0.052459331557353134	with:0.0459505920466064	from:0.028997244516018674	:0.01
and:0.15798104916802694	well:0.15662127733301767	long:0.1330751212652617	just:0.12200487604418651	soon:0.10211625740111545	such:0.08088591427700523	are:0.08045466943072237	is:0.0797566253870089	so:0.07710420969365538	:0.01
hundred:0.2723226431795192	the:0.17120429576322774	few:0.12364798863340232	100:0.10041654094240104	of:0.07676306267110665	200:0.07194020623886793	300:0.06517590165857949	fifty:0.054696875503655366	twenty:0.05383248540924018	:0.01
was:0.2509760282999841	be:0.18505077932432612	he:0.11701113355180003	been:0.11020414413578779	and:0.07223427095631858	had:0.06835820269855555	have:0.06320049799028302	is:0.06187138518110441	has:0.061093557861840266	:0.01
and:0.26467324220466437	that:0.12855172715513946	he:0.1262424699331351	which:0.10706559508453214	it:0.1051316141403998	as:0.1030564768335649	who:0.07533961838661223	It:0.0419295308459934	there:0.03800972541595855	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.12537937924608727	and:0.10985980430753879	in:0.06240993305390327	for:0.06192854377065039	be:0.05083764956696977	was:0.03700580416928512	is:0.0336844012946531	:0.01
it:0.2131788841045554	he:0.1867324812779885	It:0.14093961810063965	which:0.10085580692903923	I:0.09523457785691533	and:0.0799079407626281	who:0.06284443033512091	He:0.05697400216718626	that:0.05333225846592657	:0.01
and:0.3019860659872915	of:0.14592732467319583	the:0.13864495245362915	thence:0.08926731608954894	was:0.0855563827330018	in:0.06743232789634844	by:0.056515560547822204	a:0.05603122409317376	is:0.048638845525988336	:0.01
a:0.29758910663305543	the:0.27423539380877837	any:0.11748842211131856	that:0.08968490661350281	this:0.054721926404863785	every:0.04658436821377061	greater:0.04460875833254082	latter:0.03430552952077778	no:0.030781588361391832	:0.01
the:0.5928194972621614	on:0.09301235846350314	day:0.054464897637962	and:0.05203974894870126	The:0.051027008332245195	On:0.04589044410912231	tho:0.040926509163856394	of:0.031691299062918614	until:0.028128237019529632	:0.01
;:0.20586487178146415	him:0.12350856378931992	it:0.10891933974776492	time:0.09929388390941972	up:0.09759911098049075	,:0.09326418915121729	years:0.08951539379731194	feet:0.08609810367291855	it,:0.0859365431700927	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
of:0.3100882284289904	at:0.17794821253079945	on:0.11491288032631367	in:0.10151134206786229	to:0.07654856861270436	At:0.06608923467979312	that:0.0642974183910945	from:0.04234676464583173	and:0.03625735031661043	:0.01
<s>:0.24874485300556862	and:0.1682020865809346	that:0.16614717403417942	it.:0.13657056482519125	them.:0.08435587503363759	.:0.05941491729668708	time.:0.04564689077511018	law.:0.041078418193043975	him.:0.03983922025564745	:0.01
and:0.26992740600792603	it:0.14763486994409186	as:0.11814407145050339	It:0.1104264985046542	be:0.09479747174939344	<s>:0.07442624981974136	is:0.06258018174837403	was:0.059366460637917534	.:0.05269679013739831	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
is:0.44410110038145234	was:0.23012557249181884	are:0.06934435729372343	and:0.06701534173176242	Is:0.0591524242420799	had:0.034758673704862096	has:0.031124884677625808	were:0.029326294222753523	have:0.025051351253921546	:0.01
and:0.1887286649978269	that:0.18544678085702934	as:0.11887801026938084	but:0.1054334749317296	I:0.09087381461127886	what:0.08093619280101567	when:0.07988184550118989	do:0.07522694803718494	which:0.06459426799336404	:0.01
he:0.3323541445690502	who:0.20829919640295477	and:0.14572153577306193	He:0.10418816270930131	it:0.06009200692574084	she:0.044951146906969636	It:0.03791518868253566	I:0.03217081465234008	that:0.02430780337804551	:0.01
the:0.3704021965011488	of:0.19383709484456516	and:0.11006570207620793	a:0.07666334436044114	their:0.060182692771749875	his:0.054597549706725645	by:0.053074503770993715	to:0.042486912066025076	for:0.028690003902142693	:0.01
is:0.29458473651120065	was:0.1487273289636363	and:0.1422407264649665	not:0.08806482183187268	have:0.07528699967963605	are:0.06885838902254716	has:0.06452877984653328	will:0.05929942895773811	would:0.04840878872186932	:0.01
and:0.16659610100634828	the:0.15795067258146858	of:0.14620121855685184	to:0.1379459326940898	a:0.12260291304381193	is:0.08716698094790248	in:0.06375734790300283	be:0.05595359465931105	an:0.05182523860721321	:0.01
and:0.1988274146664822	it:0.1761806483708886	made:0.09989488376212821	them:0.0997147983595032	feet:0.08700651726931752	well:0.08656013339522557	be:0.0850650042206313	up:0.0833715054652777	him:0.07337909449054558	:0.01
of:0.2582994245526273	in:0.1274627762081054	and:0.09634224679337225	by:0.09625371426141287	was:0.09232303777134802	to:0.08686401809464514	is:0.08554354693404603	with:0.0842831203618493	as:0.06262811502259377	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
and:0.4482331420721503	so:0.10610540103822623	fact:0.09514506065557288	is:0.0847817678774783	was:0.07153348135269065	all:0.05163168332775131	but:0.0464000991261627	know:0.04537732007734247	found:0.040792044472625195	:0.01
the:0.5504022013839471	and:0.08191917687869361	Presbyterian:0.06614215242745651	Baptist:0.05752826905195703	of:0.057468611912186544	The:0.055770466833798535	Methodist:0.0460763138008709	a:0.038078744866096734	tho:0.036614062844993044	:0.01
I:0.36170577070136356	and:0.15168840974118367	he:0.12647146113724808	who:0.09494160629313844	man:0.06059879890004177	husband:0.05737669279287434	that:0.05068608378876792	1:0.046170280673567	He:0.04036089597181515	:0.01
the:0.1841898439388741	and:0.16913990475903895	as:0.1639555182602928	of:0.14169073904733415	an:0.10219210188333845	their:0.06289856905714503	to:0.06191276931718308	his:0.05213082387998801	much:0.05188972985680534	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
of:0.27516065525488775	the:0.2381565456879364	and:0.11830076237076405	to:0.09138319315816586	by:0.07830463674890567	Mrs.:0.05629018100410713	in:0.04960634565574625	<s>:0.043581121427708654	Mr.:0.03921655869177822	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
that:0.2729510840698758	as:0.18429386087851482	and:0.16820647341179956	if:0.08368963772954555	but:0.0835600624053698	of:0.05569956270904736	when:0.054381460980310006	which:0.05367517311827446	what:0.03354268469726267	:0.01
they:0.1998335772750468	and:0.1285911753218984	there:0.12814134151344017	who:0.11000642161413271	which:0.09779705705316387	we:0.09513297728693008	They:0.08797460803454361	These:0.07229003956576903	that:0.07023280233507535	:0.01
to:0.7259205731764026	and:0.055244270570194196	not:0.05477011948071772	will:0.05408792587358044	a:0.03748162810270111	shall:0.0197595333308098	may:0.018794422297911253	we:0.012304817691936346	would:0.011636709475746453	:0.01
of:0.41048765456148717	the:0.12709475768670234	that:0.09670567859897039	said:0.08865273057935402	for:0.08263338577941708	and:0.06076175166768711	such:0.04653765509161119	a:0.045708274929209286	public:0.03141811110556149	:0.01
of:0.2921417268414436	the:0.20109624025138534	to:0.10837257756477664	in:0.09153893314929461	on:0.0681499083572193	a:0.06502602872384239	and:0.06213141585352934	by:0.05778514318695228	for:0.04375802607155669	:0.01
New:0.910905234669002	of:0.028654315848366734	the:0.01223807984470717	to:0.011602909766267601	Xew:0.008721502548768304	a:0.005637731019865214	Now:0.004969762638515643	for:0.003925028370784029	said:0.0033454352937232596	:0.01
in:0.3605000000907676	up:0.16511823611072826	to:0.08987049176683823	men:0.08093591214306688	;:0.0708559400148725	him:0.06850552516191839	them:0.0526794162507823	In:0.05197410525796947	out:0.049560373203056236	:0.01
well:0.18763885440258532	known:0.1848432953380303	such:0.1312109444336379	and:0.11650300559404793	far:0.10672026401295964	soon:0.07431929105806052	is:0.06769501413550778	just:0.06709023500275701	was:0.053979096022413534	:0.01
and:0.2583111201264527	I:0.15003280154204496	it:0.1315084666490953	he:0.1176450046474619	who:0.09195817342829969	they:0.08554158604439183	It:0.062235204144881345	was:0.04718811185506548	1:0.0455795315623067	:0.01
and:0.33897337989803006	the:0.19388779963305494	of:0.11207447863873031	to:0.08220012168427777	a:0.06097083747540195	in:0.05576928953166497	I:0.05153072021797639	as:0.04998827003528915	will:0.04460510288557443	:0.01
<s>:0.4153788045073141	it.:0.16060526295057043	them.:0.08887949552518462	.:0.08025406334396717	him.:0.07997388805377507	day.:0.0442248445607402	time.:0.04087785894873373	I:0.04081253681396802	It.:0.038993245295746826	:0.01
A.:0.7428045726830899	J.:0.04170055294036771	N.:0.03602708018516733	by:0.034716102421493804	.:0.033471660931945216	of:0.028985313116531186	John:0.028416554080888112	W.:0.023122608203668446	A,:0.020755555436848372	:0.01
he:0.33497020051957277	they:0.1778771303347434	I:0.15189152577687665	she:0.08989930890698636	who:0.06878003457698566	we:0.056863202495264505	it:0.045037616741138625	which:0.032516228439450304	and:0.03216475220898171	:0.01
of:0.3420422053370365	to:0.1388434664336376	in:0.13786264416522526	and:0.08027954924229379	with:0.07123181302638898	for:0.06369579859368074	on:0.06135083543937238	by:0.04859824571313037	from:0.04609544204923423	:0.01
Mr.:0.19078103605516913	.:0.15159813808592967	Mrs.:0.1278412364892156	W.:0.10450993127117397	John:0.10162433821541511	Miss:0.0883752758688126	and:0.08691620611324757	the:0.06970368868888595	of:0.06865014921215012	:0.01
land:0.22191992612719194	was:0.2213308281621733	and:0.144757535521367	is:0.08782846571014405	situate,:0.07443156014974803	been:0.067981371242955	be:0.06071648053994885	were:0.059364444883102135	are:0.051669387663369704	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
<s>:0.19944934790290994	the:0.16802756684291031	and:0.14423310668410363	a:0.09262781350641894	.:0.08984362391780876	this:0.08795031814535124	1:0.08768037800635414	pro-:0.061112584088994275	on:0.05907526090514874	:0.01
<s>:0.5427599578876955	it.:0.10775407803883125	them.:0.08791189897291012	country.:0.04902539134238675	?:0.04357041656028963	day.:0.04300692471612457	people.:0.04243696373793271	time.:0.037078089767391686	men.:0.03645627897643786	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
was:0.24044416773272043	is:0.19924637663337216	and:0.12987461090179175	be:0.12361323590998208	a:0.06940504127081842	the:0.06683918452935585	been:0.0598490027259236	have:0.05413858109333376	has:0.046589799202701926	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.31491071775478086	of:0.1819852063583867	and:0.15973818673718354	to:0.08210190978754724	a:0.07192616817774335	in:0.06102139026401743	Mr.:0.04626094925728953	that:0.0381259694073099	this:0.033929502255741435	:0.01
of:0.3895332013635191	to:0.11939899893975801	that:0.10678874237055602	and:0.0974510145398766	by:0.08804238441578793	in:0.06654768065488216	for:0.047642936934608277	all:0.04752923466669629	on:0.027065806114315485	:0.01
feet:0.21152080198844012	and:0.20431753174851455	so:0.10602462757439896	the:0.10209495768135812	to:0.09520878204518916	a:0.08083287241747072	that:0.07684358711695634	all:0.06424103514312415	as:0.048915804284547816	:0.01
one:0.26177410899864684	out:0.15556960502827208	part:0.1300889311722691	some:0.11334280627319535	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229724	and:0.0565737601528326	that:0.055371084160479686	:0.01
it,:0.16607554813043657	in:0.16209330584565562	;:0.15117735456826883	them,:0.1190253570138876	him:0.09596513552107291	him,:0.0803260997280358	it:0.07559906280276002	me,:0.0743667657483643	up:0.06537137064151817	:0.01
sum:0.2855483910862636	number:0.17637131159335762	years:0.09708182057750944	rate:0.0929471759076748	out:0.07962576721625399	full:0.07388409436233084	line:0.06725770568867145	amount:0.06089624864937584	kind:0.056387484918562374	:0.01
the:0.2918509793165005	of:0.27614768275403007	in:0.08035106357733839	a:0.07914078829298155	and:0.0755039697363953	to:0.07456073582861386	by:0.04301532416719809	on:0.03521194629929313	from:0.03421751002764915	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.5742771382516692	The:0.09340127353734777	his:0.07112576434947372	this:0.06541347835894379	of:0.04351098745842891	their:0.04208188893479956	a:0.03866535654024846	its:0.032160491765142483	tho:0.02936362080394626	:0.01
and:0.32239916608788655	them:0.12675238619783002	it:0.10010717227693153	that:0.0916462931611764	was:0.07361762533117142	men:0.07120402384898782	or:0.0707031680732684	made:0.06705269116907098	him:0.06651747385367693	:0.01
of:0.4538454851631208	to:0.12902461852425537	in:0.08969134396585621	by:0.07861666821890353	on:0.06240430933306631	that:0.054649769557389205	from:0.044946581033201226	and:0.03909100956927308	with:0.03773021463493432	:0.01
the:0.8840210756367101	The:0.04055976379538139	tho:0.035596417457605355	tbe:0.012267887362665557	and:0.004609614669017679	this:0.004433919275726699	his:0.003131660085343171	of:0.002938781761895299	a:0.0024408799556547667	:0.01
N.:0.5039930499401002	the:0.2332098459825036	X.:0.07899623663027003	.:0.051486486527224797	of:0.029135560193225232	and:0.0251739878850666	J.:0.023987890452749728	A:0.02249022435294831	W.:0.021526718035911496	:0.01
called:0.43563287292903524	agreed:0.2193046908029236	looked:0.10031639124009119	relied:0.058879296111364374	acted:0.05615996475067746	levied:0.03317579583074516	depended:0.02923301535258553	made:0.028774767579278673	imposed:0.02852320540329889	:0.01
of:0.27571708318283833	the:0.21831233842919695	and:0.1877627985889314	to:0.07195049484546018	for:0.050969308078743066	that:0.050289050071476694	in:0.049686694840945345	by:0.04389533794676736	or:0.04141689401564067	:0.01
the:0.34825423155363944	of:0.16617095001393953	and:0.11286310840258942	that:0.09950163101593293	Mr.:0.069192427731586	The:0.06747202200814982	a:0.0641964283367045	this:0.03296247283026255	or:0.02938672810719585	:0.01
of:0.32263096040955946	in:0.17917491520159243	and:0.09809122982336861	to:0.0950646360915529	with:0.07691729424245837	for:0.0711531608324362	by:0.05063411041779492	all:0.050355177771641675	from:0.04597851520959545	:0.01
of:0.44248199155353923	and:0.1269379234921086	in:0.09244700513619568	Thousand:0.08916126384315486	the:0.08501202073916075	to:0.06883625817186309	<s>:0.043311727404437624	Township:0.02167733677380755	In:0.020134472885732613	:0.01
the:0.7816188842871228	The:0.06762256072195659	tho:0.04436702470171642	a:0.037910100700584426	and:0.0188224276595791	tbe:0.016014923433436808	no:0.008793653262949426	an:0.008429766473397058	this:0.006420658759257306	:0.01
are:0.19228806829110226	be:0.1382722092670723	the:0.13170854235592708	is:0.12043602404117633	not:0.113335753596259	and:0.10681955002414457	was:0.0786929610964961	of:0.05878731302034009	most:0.04965957830748218	:0.01
and:0.313745491396932	put:0.13759792989027658	was:0.11307519544812583	placed:0.09350044529633868	is:0.07118174542190389	it:0.06896013629138537	that:0.06724092317653743	out:0.06399868719816328	down:0.06069944588033698	:0.01
and:0.38313577196477067	him:0.08633579147109542	reason:0.0849154092493801	made:0.08427592616698751	but:0.08147530267248447	enough:0.07305225209565179	asked:0.06965930237359723	time:0.06381268945419652	them:0.06333755455183629	:0.01
a:0.3619944110790323	is:0.17894268525523255	and:0.09509928568855402	very:0.06935096982703165	so:0.06733161831683934	are:0.06582753083941889	was:0.06300390992882617	of:0.045112920262669	the:0.04333666880239614	:0.01
the:0.2625266516154365	of:0.12890038702798903	said:0.10691616906038039	and:0.09918828745645811	such:0.0953084008440284	no:0.08628832825245274	or:0.08412673427170074	any:0.06387586769851288	that:0.06286917377304121	:0.01
and:0.41853848775027436	he:0.1772623563199336	I:0.10255176170755582	which:0.06997691975948683	they:0.05048982920426449	who:0.04599753261536628	that:0.04303236388826254	it:0.04135962720807991	she:0.040791121546776124	:0.01
-:0.18153894832428982	day:0.17285717631624417	and:0.11234922398867818	t:0.10165102636963251	in:0.09271341963831646	to:0.09151280091401841	feet:0.08406276845518042	1:0.07962576925223237	of:0.0736888667414076	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
the:0.3730170802122397	of:0.15655489078376547	a:0.12179325753289266	and:0.11720982368826385	to:0.0684670173587832	in:0.05190197020258796	on:0.040614095749998316	The:0.03025876885115022	or:0.03018309562031873	:0.01
the:0.19171647154817875	of:0.14112722341567557	and:0.13416554077907164	be:0.11792759908396455	to:0.1134244355179606	was:0.10074338199402286	is:0.07513481676880751	a:0.05881585421433086	are:0.056944676677987666	:0.01
the:0.4285103139262177	a:0.17076660037823552	one:0.15472267915705215	some:0.04617067702809064	The:0.04600590882989435	his:0.04269168629143898	two:0.04145532956738312	tho:0.030825832185011687	their:0.028850972636675996	:0.01
of:0.23558482057120203	and:0.15947546799959383	the:0.1515902816224744	to:0.14895664871845365	a:0.09083050271541336	in:0.079645117072479	that:0.04449975329548921	or:0.043979519283075634	which:0.035437888721818855	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
that:0.42298469206553535	which:0.14718301048178825	and:0.09974483873807846	as:0.07404962512175495	where:0.05796028628681693	if:0.056649758189326736	but:0.05011016041941644	when:0.043901133372010445	what:0.037416495325272525	:0.01
and:0.4423801673029548	or:0.15397487618417718	that:0.11071579694083411	not:0.09321962235839373	but:0.06870513801329686	to:0.04491157416576994	But:0.02776838634321036	is:0.02436250857017682	for:0.023961930121186064	:0.01
to:0.3499373866087725	and:0.1844919554773455	be:0.14377690236609258	was:0.08884982829412251	he:0.06720775665425055	been:0.046314810974022735	I:0.04308635839047503	were:0.04027526497482873	had:0.026059736260089946	:0.01
the:0.26350744134365095	a:0.23592008964116876	of:0.15281018696248772	for:0.11349182315912336	in:0.07057228902887194	at:0.052325056337871975	and:0.03862790382501156	that:0.0319659961612836	to:0.030779213540530186	:0.01
the:0.4654928584375921	a:0.2008194955763353	and:0.06835447756393222	The:0.06441337222764273	his:0.04950786693221581	of:0.04730713494292538	any:0.0356866451530453	in:0.03009373773764726	tho:0.028324411428663914	:0.01
is:0.13711014572135505	very:0.1353338412616943	the:0.12212894925643063	more:0.11589108254524796	be:0.1138805976839314	most:0.11331978667851471	was:0.09833733890331034	an:0.0905285139287207	are:0.06346974402079487	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
quarter:0.15461022407636074	sum:0.13976623521252643	one:0.1272335564184051	part:0.12006902946218981	that:0.10968824776148188	purpose:0.09388752663037592	instead:0.08763973877214669	and:0.07898479461903507	number:0.07812064704747834	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
that:0.23646301966630343	as:0.16569296021381652	and:0.15302804214675783	which:0.11168162847379434	when:0.110524131973677	if:0.07998746507578311	but:0.04850879293008404	what:0.0429225117377921	When:0.04119144778199153	:0.01
and:0.2862160796520936	was:0.14288709712572803	is:0.10013179325919742	up:0.08704755478894143	it:0.0800337757968272	that:0.07902528082567176	made:0.07455522224474313	them:0.07077100263027977	him:0.06933219367651765	:0.01
is:0.3178139884547201	are:0.17490524267694166	was:0.11022528016440089	be:0.10791444898087144	and:0.09764875819527975	not:0.052820461846169356	so:0.046510935612166376	Is:0.043015781214721126	were:0.03914510285472922	:0.01
he:0.19740930079451227	they:0.15323356522658366	I:0.14705310612115105	it:0.1212200108397614	who:0.09939413393265091	we:0.07358092480578184	that:0.06799166504288252	and:0.06587010859853683	which:0.0642471846381394	:0.01
the:0.24700901442492468	and:0.17582028318313592	was:0.11914517712537158	as:0.11414096510541422	is:0.0783004370911413	a:0.0732138053984077	street,:0.06505040963691583	of:0.0631689867025682	so:0.054150921332120516	:0.01
of:0.20787866562735885	the:0.1742711365087263	to:0.16267690793899636	in:0.13875120893710602	and:0.08459136284580854	a:0.07067365420770737	on:0.06252605955722475	by:0.046604222508911754	at:0.04202678186816009	:0.01
the:0.3928881114749429	a:0.17286917852526854	his:0.13277855630934124	The:0.1049601934939827	my:0.05771178807498791	and:0.04234219357886369	of:0.03037307616410819	A:0.02979546908724777	His:0.02628143329125706	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
be:0.33855365882435706	was:0.16900997976887322	is:0.13103363659142414	been:0.12471130171128166	are:0.07347510387280694	were:0.05083572186349723	being:0.04288807013805573	and:0.03555793327295512	Is:0.023934593956748858	:0.01
the:0.27135268575605026	of:0.18873372817013878	in:0.16556691063057372	and:0.10257142346025959	In:0.06392162296840173	to:0.06233458669957905	for:0.06085068045434113	their:0.03783721114523859	this:0.03683115071541713	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
the:0.3206966971689997	a:0.213587688637112	of:0.16643722091088178	and:0.06626558972889944	to:0.0629635391548525	in:0.04535005106296338	his:0.04500902001550973	that:0.03547100009753138	this:0.0342191932232501	:0.01
the:0.23606769123376112	of:0.22206635498927407	and:0.1395933148716674	a:0.11105466710008743	to:0.08729444283379054	at:0.08413141168488544	in:0.05028353747339499	for:0.03081425178874061	his:0.02869432802439846	:0.01
for:0.2241838398725027	of:0.19247237679762022	to:0.1435603612303264	at:0.12638943988747878	in:0.11270977041045592	and:0.06099384491556816	during:0.046792456828629043	all:0.043186896830778206	on:0.039711013226640446	:0.01
day:0.17829895693805659	and:0.15899177659448405	made:0.14871029061055335	out:0.09287530658861139	up:0.09118244764460895	feet:0.08376748653362669	them:0.0821225719521718	him:0.07802484037383414	it:0.07602632276405312	:0.01
of:0.19195918083636823	and:0.16315699654690158	to:0.15814060037241645	the:0.14129304758738065	at:0.08857077798893642	in:0.07417294931299771	for:0.06948344113298154	a:0.06252584730883629	be:0.04069715891318126	:0.01
and:0.16051538492039444	able:0.12584552037456037	order:0.12023274904774982	him:0.10411986755347347	is:0.10230358199714916	was:0.09725639894996213	time:0.09647037435760988	had:0.09226467812513447	as:0.09099144467396625	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
is:0.15136464195252639	and:0.14987461579429975	of:0.1439175985875299	was:0.12250807953804664	by:0.11279043216156054	for:0.10971108742890864	in:0.07410197440941416	that:0.0680159713996068	to:0.05771559872810732	:0.01
the:0.6014993194577257	a:0.25716841379300626	The:0.043164148731830214	tho:0.02944955409143599	of:0.014714909175531136	tbe:0.0142414724491963	this:0.013636712976315983	and:0.009416225922097654	great:0.006709243402860849	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
a:0.3781098245865728	the:0.29365718168296134	no:0.05596580809459498	The:0.05071246804210793	of:0.04918018822409154	any:0.04569654161755108	such:0.041026487476140835	his:0.03784368309810439	and:0.03780781717787523	:0.01
and:0.2202410989195374	of:0.1479495517289874	or:0.14216840488795962	within:0.10957002985771483	the:0.1088241635118217	as:0.0780100118790501	in:0.07490576855346728	than:0.05542091444368476	about:0.052910056217776905	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
city:0.2278424702459735	county:0.11878196973404616	City:0.11242255079992802	day:0.09883885653146102	State:0.09826409659506223	state:0.09483898254507978	County:0.08263466000515829	Board:0.08208547777036967	line:0.07429093577292126	:0.01
of:0.3091976638342204	the:0.2391103402346752	and:0.13381140773686948	to:0.11048312727110192	in:0.046959948199223826	a:0.042162053767383946	on:0.0379696425071135	The:0.03534540331691183	be:0.034960413132499826	:0.01
it:0.20687419694626064	It:0.2041185812592859	he:0.13331434700697872	which:0.10094655584395615	and:0.08473585855072227	This:0.08385958200134508	there:0.061722523003561965	that:0.057831559521612695	He:0.05659679586627654	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
his:0.3549824215044518	her:0.203174454530904	their:0.14732887296949615	my:0.06874642564963837	of:0.061166292390783875	the:0.055033877185911004	our:0.03995644092995677	own:0.03280180756129893	your:0.026809407277559143	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.28911769851370467	of:0.15034482710262848	and:0.14727364343021293	a:0.12256378698685642	to:0.11180388212332248	be:0.05566769946958989	was:0.044440704312762515	or:0.03660687066406267	is:0.032180887396860036	:0.01
the:0.5443381295603745	a:0.21721138193766873	The:0.06514357860369203	to:0.05349628260222359	and:0.033706598204234814	tho:0.024043365737743464	no:0.023914313150359988	of:0.016785779222910354	tbe:0.011360570980792614	:0.01
the:0.30118770224415803	of:0.136768744566076	and:0.13292833990918573	a:0.09641617605887866	be:0.0858286502888405	to:0.08214791428939255	was:0.056961996862790354	is:0.052982645619020996	in:0.04477783016165717	:0.01
of:0.3524540163559507	in:0.1477941741672871	to:0.12861874327227646	and:0.08371121655623442	that:0.08053609842300541	for:0.05899758890655248	by:0.04956096617609346	with:0.04746748920887609	from:0.040859706933723844	:0.01
of:0.2726801928531648	for:0.162337860113732	to:0.14247071863884625	in:0.10012739022146268	with:0.08853120121124007	and:0.08171738416238053	on:0.06321392522617092	by:0.04314413771191476	that:0.0357771898610878	:0.01
to:0.5138604887149658	will:0.21451992531363168	would:0.05045856132747192	can:0.046300765597339595	and:0.042403681977022455	may:0.035591111667673446	not:0.03494021798229417	could:0.02935038038624453	shall:0.02257486703335632	:0.01
in:0.3491711319101309	of:0.12596463566062835	to:0.09955614308189219	and:0.09887583264394781	In:0.09660864390070723	the:0.075231122643589	with:0.05521982112734808	without:0.04659026942603418	a:0.04278239960572229	:0.01
It:0.4346465778158984	it:0.29797284959103865	and:0.06873508572957958	which:0.062226476203383355	he:0.04541315974211921	as:0.034027433485128655	He:0.01937985540014564	who:0.014353143613429428	that:0.01324541841927699	:0.01
of:0.41451996941524516	the:0.23286197606789757	in:0.09010373054170648	for:0.06255870846188893	with:0.05037894497627168	to:0.05027220727454893	and:0.040625152621918265	by:0.025743700118352055	a:0.022935610522170864	:0.01
the:0.4812143396774111	a:0.25976506145941924	The:0.15661461321059708	tho:0.02900512988826279	A:0.019172007745401818	and:0.014823383950342288	of:0.01256751577597082	tbe:0.010415840981807093	his:0.006422107310787727	:0.01
a:0.38330797305890213	of:0.14334575230829547	the:0.10747438256339308	to:0.09260295295400095	and:0.09247202324644745	in:0.05446328357765061	for:0.04502030947918386	or:0.03642147585812739	his:0.034891846953999085	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.10005802787283471	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.040989301969020085	I:0.025676339882261923	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.1177148385676645	they:0.0914384776859708	that:0.08313239062920648	which:0.07694098793602959	he:0.07501873352304171	and:0.07330080551631972	I:0.05566581471392691	:0.01
is:0.26385745373888336	was:0.17481634379295583	had:0.13994979809009062	have:0.1355763518458555	and:0.07056958445973967	do:0.05469510562889852	has:0.05098652848932209	Is:0.05005637226247977	that:0.049492461691774514	:0.01
be:0.327601748552826	is:0.1604150567516692	was:0.11157265838811964	become:0.08888130570894708	amount:0.06969934102813251	are:0.06926178294720058	been:0.06469882297917079	in:0.05070343269772858	now:0.04716585094620537	:0.01
of:0.23677266547888126	the:0.20626385991640173	in:0.11515141501866437	and:0.09996292456948608	to:0.09808160147528928	a:0.0907437943033938	for:0.055716364478532066	at:0.0485849701199864	or:0.03872240463936488	:0.01
the:0.2423620207365299	of:0.20536500222371457	and:0.166871077045992	in:0.1176496937967874	a:0.06877339806465797	was:0.060401645356168765	is:0.04771002123545104	are:0.04130335500381535	be:0.039563786536882965	:0.01
and:0.19668537088296256	of:0.17773310401398085	to:0.13168240291219754	I:0.12391276246252826	the:0.09687269956756722	that:0.07500763937018168	a:0.07477205533279513	in:0.07098067888547782	for:0.0423532865723088	:0.01
and:0.20348740443375116	was:0.19576059397117312	be:0.1714315439591067	he:0.13078563556532488	been:0.07972681593349311	is:0.07299170001392045	were:0.046888336495319635	I:0.04659866977738847	have:0.04232929985052244	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.7043487327421231	of:0.08983144347995765	and:0.040750387557893744	The:0.036458075106251056	by:0.029097810845022186	tho:0.02740264393500999	Vice:0.026293759853609433	to:0.021907748006880907	tbe:0.013909398473251929	:0.01
the:0.540080861091086	of:0.131193771064713	a:0.09728889566246923	civil:0.06939621486411435	The:0.05079267444923699	tho:0.03312805500808601	this:0.03015927931164624	Civil:0.019998077531004795	his:0.01796217101764335	:0.01
made:0.2390147886878667	and:0.17254332981506387	shown:0.1046830996702836	out:0.08859751691392118	him:0.08467345057285448	up:0.0812510743207608	ed:0.0740914122490307	done:0.07289527257784642	or:0.07225005519237225	:0.01
and:0.5586292028304938	the:0.081405382680309	was:0.06605007676339714	I:0.05053528633455212	is:0.04982340871787755	are:0.04980661071925384	of:0.04978355319614298	or:0.04851487867508778	not:0.03545160008288595	:0.01
thence:0.1992355574322042	came:0.12632980869647162	and:0.12606960262650674	went:0.11885487841460306	get:0.11363002058892499	go:0.10718551914269964	going:0.07191495465858802	all:0.06497972289088948	walked:0.06179993554911231	:0.01
and:0.34444629034592467	of:0.16771989622284453	fact:0.13905496676142484	in:0.09312870782680441	is:0.0534084092879701	to:0.05024725926186579	for:0.04933999685307294	all:0.04685576378836461	say:0.04579870965172817	:0.01
the:0.27331824607599536	of:0.15423716086505732	and:0.14528259025248202	to:0.10262183581871517	be:0.08657383028225224	a:0.07744275946770984	was:0.05733333087575692	their:0.04881454297593235	in:0.04437570338609881	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
is:0.25811249887314525	was:0.17790940234986777	and:0.1439014652999136	be:0.11544533194251266	are:0.10844260899916178	were:0.06813976823250968	been:0.043529742976254004	not:0.03997802291786138	Is:0.03454115840877395	:0.01
the:0.44149731765176325	of:0.2037372222261584	and:0.10951740980808172	The:0.10799553828304216	for:0.02991013442916365	that:0.02942122503664601	which:0.025465131862771766	tho:0.02192532585078746	Mr.:0.020530694851585443	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
it:0.16780357755381595	that:0.15924330912563467	and:0.13929489623370037	which:0.13299238453009488	he:0.12806656523045998	It:0.0907927672791818	who:0.08791391174406342	I:0.05415595646401801	she:0.029736631839030914	:0.01
and:0.5166716118614051	that:0.11076353401438706	time:0.10878646991123624	but:0.0850755591935064	was:0.039039326812471985	except:0.0358092658259529	day:0.03308213966427072	and,:0.03152298969448207	or:0.02924910302228747	:0.01
the:0.38349333811108804	a:0.24089757533777104	of:0.12319600679805012	and:0.0643713335359951	in:0.04545906967037448	with:0.04253632203228458	his:0.03254393781467649	to:0.031322379186449166	this:0.026180037513310862	:0.01
the:0.18724622442390543	his:0.1850554432488133	their:0.11763933456044273	of:0.11544809937925843	no:0.09356027020203143	and:0.08337578484559574	in:0.07756223053001991	two:0.07747835290449584	her:0.05263425990543698	:0.01
the:0.3705962543079261	a:0.1885255921125628	to:0.11292932513865492	this:0.0951312354322798	one:0.0604641138858121	and:0.047755454150874045	other:0.03980615320843043	of:0.038091188341492305	any:0.036700683421967556	:0.01
the:0.5080787774374987	a:0.15572770058523497	of:0.09070654442459326	and:0.06832379121005383	The:0.06396613573761113	an:0.029726034450766416	tho:0.02699947176051703	to:0.02588869679833968	with:0.02058284759538493	:0.01
the:0.5363376338936523	a:0.14376328860126378	of:0.08431624532311781	to:0.07627803530277077	The:0.04729440553041019	tho:0.030969327502411177	and:0.02867217332120211	for:0.02514220835438269	no:0.017226682170789112	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
and:0.23680092630255908	the:0.2252832629525869	to:0.15251697137798	of:0.13815842615911808	was:0.07509298009890637	is:0.0466631714444699	be:0.039909039387642835	will:0.03914895381638886	are:0.03642626846034779	:0.01
in:0.2923082894735924	of:0.19914921946067007	to:0.16151491999131531	and:0.07962047378992143	on:0.0788761420462201	In:0.04764079482996104	at:0.04624935615366304	with:0.04460457083775771	for:0.04003623341689897	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
it:0.37546094274421443	It:0.22027953578716658	which:0.11392286441583137	and:0.0659896674689151	that:0.060235554584403224	he:0.0505938859883276	there:0.04664974821588446	who:0.035317225304940934	as:0.02155057549031635	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.2366263098396572	the:0.18595273144583613	of:0.17325971486690858	and:0.1706628968830764	in:0.06173352481332121	a:0.04854923544972586	be:0.04169830782015739	not:0.036539229148177886	or:0.034978049733139394	:0.01
to:0.6573547557335159	will:0.09298088828624905	and:0.08607242503031012	would:0.046245305717859224	in:0.026120604855183145	a:0.021677032747881717	not:0.021429431169790698	the:0.019711213158350897	of:0.018408343300859296	:0.01
and:0.2185441439336013	was:0.13048994353067261	have:0.12516944674819322	had:0.12353517735258343	has:0.11162924715397951	is:0.09432567359140069	I:0.07432519494561679	he:0.05731090714162105	but:0.05467026560233145	:0.01
the:0.8038508024762426	a:0.06491865573901293	tho:0.03473294438610949	The:0.03369152201575823	and:0.014367075389794981	great:0.01117144248362222	tbe:0.010262893457075926	no:0.010013420138252543	an:0.006991243914131112	:0.01
of:0.2583674187801683	in:0.2427787334936439	to:0.12823668660644286	for:0.10037748371828423	In:0.08356807173717447	and:0.0791617077612328	from:0.03782527083743055	with:0.03740304045655927	by:0.022281586609063486	:0.01
a:0.7615858865643611	the:0.08477533918358404	one:0.03868738692827269	A:0.030314225104866973	every:0.023775750762412496	and:0.014906464183980733	first:0.013016839595857083	large:0.012457958959651749	The:0.01048014871701324	:0.01
to:0.6565703759405166	in:0.07104257425892693	not:0.0629697668079766	the:0.041247613232101965	and:0.040196792660117664	his:0.03828024820620195	had:0.03069099173045724	In:0.0260085476425729	will:0.022993089521128267	:0.01
have:0.25719920988486866	and:0.20719003072261363	has:0.13951644908704816	had:0.13353532393390888	I:0.061669102656978524	they:0.052047487808969325	is:0.05172064881543548	he:0.050087620690425744	be:0.037034126399751524	:0.01
the:0.6745618349382546	a:0.11380227193644021	The:0.050108242237798105	and:0.03331872014722496	tho:0.0327906088559972	of:0.03211276143161762	for:0.02811909626517557	tbe:0.01276930568874353	as:0.012417158498748181	:0.01
the:0.33820103687315217	his:0.3074315770339486	my:0.10592251641332377	her:0.08383838812759734	their:0.039772746465937	a:0.03545443887006919	of:0.0349563837703982	its:0.024696507461322074	our:0.019726404984251742	:0.01
time:0.15945566687042143	up:0.15680389843990394	;:0.12320996107957827	day:0.10501539269954664	house:0.0929224526758643	him:0.09172459869965449	men:0.09009110944282324	:0.08687433237068451	made:0.08390258772152309	:0.01
<s>:0.3375868414274814	them.:0.1553492265740573	it.:0.1553230092362886	time.:0.07614621583032272	him.:0.06026005501538134	as:0.057449516405550426	day.:0.050980913324557404	tion.:0.04852002533162487	country.:0.04838419685473601	:0.01
they:0.263188370477041	we:0.15049962182211973	who:0.10553985267989198	there:0.10208716103197628	you:0.09611430591015191	which:0.07918938062889441	There:0.07246012233216831	They:0.07018879313416541	that:0.0507323919835908	:0.01
so:0.23843376715147224	is:0.15376225210216968	not:0.13240813844528185	as:0.0933132815418602	are:0.08542113746442728	and:0.08014518918791716	was:0.07373288448043634	very:0.07365901070638196	a:0.05912433892005333	:0.01
D:0.23535934091199764	S:0.1103737126263347	A:0.10818426530155095	C:0.10660611115752185	J:0.09782592796991402	W:0.0898882144549579	M:0.08762291456740327	E:0.08477766582733096	F:0.06936184718298874	:0.01
the:0.24257832538523413	any:0.23975182207142826	a:0.2211625353289958	of:0.0644440232115146	no:0.05614244761935457	other:0.05571826507140455	one:0.039026224356535376	some:0.03693465137339288	Any:0.03424170558213975	:0.01
and:0.20744559076477076	is:0.1387494425391554	of:0.12673741047337356	was:0.11539693008690681	it:0.11250568557221584	are:0.10192906921053398	now:0.079313858170125	as:0.05487291794979533	there:0.05304909523312325	:0.01
to:0.6135214064473523	will:0.0880978870090595	would:0.06970185352022208	and:0.06659163754142178	shall:0.03922684983524149	not:0.0347848657166398	may:0.033015163289343195	should:0.026306638203219292	must:0.018753698437500528	:0.01
most:0.25096001995363276	is:0.13203912484743238	more:0.12687790157374632	and:0.0875695251737998	was:0.08391735304402488	the:0.08350539766307537	be:0.07688244461738507	an:0.07422553411989215	very:0.0740226990070112	:0.01
the:0.26991401513534163	of:0.17758310881913575	and:0.1132165170202487	be:0.10651158488158954	to:0.08172942900656562	his:0.06483671170343962	was:0.06424434113642574	re-:0.057268642520917214	their:0.05469564977633614	:0.01
the:0.44992613891550415	of:0.22454193308849865	and:0.09408750311133456	The:0.07651698408954202	tho:0.03283820846924652	in:0.032735115887280654	said:0.028978493984281994	by:0.02624173688006271	to:0.02413388557424881	:0.01
a:0.322256776741006	the:0.2479912434547063	of:0.08210382992869972	this:0.07914010611007159	to:0.07001062490593828	and:0.057095450846725015	that:0.0458452754788416	one:0.04307185546406565	on:0.04248483706994574	:0.01
the:0.52094739034057	The:0.11363371719257351	cold:0.11233163232002812	of:0.07176151584857444	tho:0.04216282919754695	our:0.03402116563997227	this:0.03367684607733789	a:0.03119755763204023	warm:0.030267345751356436	:0.01
of:0.3038110913333851	by:0.13004640046094001	and:0.10912606948401961	with:0.10572888735832288	to:0.09340886931284031	that:0.07304502890787365	in:0.06756750823750271	as:0.06426428315766482	is:0.043001861747450916	:0.01
of:0.3593085858169004	in:0.13933357939943086	to:0.1364162645178682	and:0.088335504356307	for:0.07444677721877853	with:0.05644654458551098	that:0.047867136872507786	on:0.04432998530891691	by:0.04351562192377939	:0.01
in:0.5691650014524939	In:0.1120688894044982	of:0.08454388915316519	or:0.05631492550287504	to:0.0433686082280498	at:0.036434115348575796	for:0.03386527417580937	without:0.0310845952358462	by:0.023154701498686432	:0.01
of:0.41301135976662445	in:0.17292526834669045	to:0.11716607909984796	by:0.0652214407994967	on:0.05700780607238694	and:0.050268326970287415	that:0.04152806741801902	from:0.03845599393956835	with:0.03441565758707865	:0.01
the:0.3156120566176114	and:0.18065527291598812	of:0.13282175656982317	in:0.07149998222937443	to:0.06905483533007659	that:0.05972209936444573	was:0.05565071582586487	I:0.053471938431946635	be:0.051511342714868964	:0.01
to:0.634865968094671	not:0.06302910475794106	and:0.06140238621306985	can:0.05486956904576151	could:0.0540175394086703	will:0.042702393752342284	I:0.029464032713616493	they:0.025897934351996842	would:0.023751071661930526	:0.01
of:0.2108535223067492	for:0.15669136546698822	with:0.12254085938875742	is:0.0979426207921416	to:0.09760624675472224	in:0.08170203052166135	and:0.08136000968583855	as:0.07993364433163475	by:0.06136970075150661	:0.01
of:0.7066491766090061	to:0.07120016867395375	in:0.06513962540994084	and:0.04896815454368445	the:0.03628504868065644	for:0.02837247673259831	<s>:0.013566135524010214	from:0.010126447798708683	ot:0.009692766027441383	:0.01
of:0.22850681642534088	and:0.18054642647170197	the:0.1409395272176384	to:0.12572603680964295	in:0.10801035135911759	that:0.05852378535808314	for:0.053353734691623585	or:0.05107177881034697	a:0.04332154285650474	:0.01
that:0.2209889811040906	and:0.15207033279011303	as:0.14462976982470205	when:0.14235627329891154	which:0.1148519808845047	When:0.0651042458899145	if:0.06443013027369297	but:0.05077695476048175	until:0.034791331173589	:0.01
well:0.21321257425074594	known:0.1833023137221186	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.06163044115944836	such:0.04848962176196867	just:0.03999506790086283	much:0.03382539293359975	:0.01
the:0.333491644696878	to:0.14483174923610254	of:0.13836347956101022	a:0.13530224697264623	and:0.08679645812652999	in:0.06952097042193187	.:0.031235759732179104	at:0.028167557547231103	or:0.022290133705490916	:0.01
and:0.23252451508161945	of:0.21066946042617074	the:0.20127227120853988	to:0.11602588072302103	a:0.0704238344236959	I:0.04376167981419295	in:0.04344430855840654	or:0.03666410683986516	for:0.0352139429244882	:0.01
the:0.3617779263679718	a:0.14312752033123308	and:0.1360536260392155	of:0.12146127489303132	to:0.0648903643512659	in:0.056288571059677495	The:0.0372689738897609	an:0.03475917146203292	Mr.:0.03437257160581108	:0.01
and:0.34552905288708835	I:0.15144418362723566	that:0.11149123836349087	the:0.07961448510726987	but:0.07062924444863011	can:0.06853155217130387	he:0.06699830309022808	or:0.05002369560081509	will:0.04573824470393794	:0.01
of:0.38655600764197395	the:0.17833485677042338	in:0.1697925816209492	by:0.11478684371576024	to:0.04369345296587816	on:0.033595518712300015	In:0.022771387873043464	from:0.02083394409189678	upon:0.019635406607774863	:0.01
and:0.2562998759567814	that:0.2187314670914437	as:0.10316712104206423	but:0.09212762537767408	made:0.08736781639242519	make:0.062353498718669804	to:0.058714015028540074	when:0.0564443884146501	of:0.05479419197775149	:0.01
they:0.27430562438208606	who:0.15730241273698764	men:0.122888571689373	which:0.11946856212384457	and:0.09253409777170302	They:0.06762577723423864	we:0.06741612684715163	there:0.04693488177486403	that:0.04152394543975141	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
of:0.33595057667642475	that:0.13991201188244579	and:0.12930986823957683	in:0.10438619588460321	after:0.06345042549361944	to:0.06087712879558945	for:0.059070009496866374	by:0.05253473999281255	from:0.04450904353806173	:0.01
the:0.5013397492922371	of:0.16674053364244018	The:0.13714525707718073	that:0.05309903815870697	tho:0.0326506329891621	<s>:0.029907592416947515	Mr.:0.025466371801444645	and:0.023956428823138295	by:0.019694395798742454	:0.01
the:0.33120446074828425	of:0.14540988823130213	and:0.1412192544624996	a:0.1377447104562221	to:0.09206378381544497	in:0.06802338655071061	The:0.025124251985585457	tho:0.02467657296323127	for:0.024533690786719593	:0.01
J:0.16212505640134686	and:0.16055774327439643	W:0.14409352398009934	of:0.10821467827940769	at:0.09003782296929078	<s>:0.08804862430179455	E:0.08235792626350752	.:0.08095075216026493	the:0.07361387236989188	:0.01
<s>:0.24728533594793464	and:0.20253763753382348	made:0.0988615075741576	was:0.09538551140811594	recorded:0.07923243876425153	that:0.07572633810967984	be:0.06754695020072057	is:0.06282737303055098	o'clock:0.06059690743076549	:0.01
and:0.35233839292952024	place:0.11630998229988385	was:0.09708309412283911	held:0.08406860892014513	made:0.073526851487507	committee:0.07100383530579545	work:0.06919685443827088	Minnesota,:0.06352463609507583	up:0.06294774440096246	:0.01
do:0.46323588921528736	did:0.26427765978951273	does:0.10823541961328483	could:0.04883505285665004	would:0.04378830986826582	will:0.031072969200934074	and:0.011093674980324637	is:0.01076286019224127	should:0.008698164283499187	:0.01
was:0.18087785493288766	of:0.1734023407069216	in:0.16215870874648547	is:0.1355711307067312	and:0.10374779162170138	be:0.07477864895331766	are:0.06582585472390032	been:0.05225591464123345	not:0.04138175496682131	:0.01
this:0.2338448905125665	the:0.18291656370360218	an:0.15376530689024573	a:0.11938902184210959	his:0.09333666875434658	one:0.060767799643636135	no:0.05529772334780978	every:0.04623745988090579	such:0.044444565424777864	:0.01
the:0.38159317416632943	his:0.1355471534459218	a:0.12228530978866922	of:0.11183202215382827	and:0.06913247367792706	said:0.05060520687786934	their:0.048764253717398724	my:0.03892085745638583	with:0.03131954871567036	:0.01
the:0.5816023865996358	and:0.0918345049639018	of:0.0817740310639773	The:0.0593475314627594	said:0.05178210761813814	tho:0.036819702099305164	in:0.032087453728403284	that:0.029315682355689588	a:0.02543660010818949	:0.01
of:0.31449357894868496	the:0.18337011108828652	in:0.11873423966962499	and:0.10028715497764043	to:0.09384029928810349	on:0.04851014382305286	from:0.044893096571980526	for:0.04302536165708127	a:0.04284601397554516	:0.01
spite:0.1487507634548454	out:0.1458209698160799	and:0.13969007688794002	that:0.10391708813818727	value:0.10208382150396517	part:0.09633133876814114	one:0.08915362516772866	sum:0.08654755829201861	amount:0.07770475797109394	:0.01
that:0.2625488556160498	and:0.2520467190191451	if:0.11993807941009217	but:0.07862935832041908	when:0.06673635532880946	If:0.060088971133897426	where:0.05355476418847952	as:0.051490858421913005	which:0.0449660385611945	:0.01
the:0.7914037297902126	tho:0.03813723759117889	our:0.033372096095686456	of:0.031078416132210848	American:0.027584979344457083	a:0.018992157416735787	and:0.017825460649231004	tbe:0.016610046376853687	his:0.014995876603433695	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
to:0.3754042778697171	and:0.2884008256966657	the:0.09211423169616423	of:0.0764629949311275	would:0.04211632351187695	for:0.0323147785400774	in:0.029601083834398766	that:0.02682790968687856	will:0.0267575742330938	:0.01
the:0.6402710699437633	Judicial:0.09979381717334208	in:0.0556556623621443	said:0.05305684924167807	tho:0.0344137080262435	of:0.033271781465327895	Congressional:0.02831080002921923	School:0.02358858742717196	a:0.021637724331109484	:0.01
taken:0.18684680946596052	far:0.12256107222481677	get:0.12092823330539006	put:0.10696837467512708	carried:0.10414270415736548	went:0.09953265237829059	go:0.09017324103072946	them:0.0795944579438025	take:0.07925245481851759	:0.01
the:0.38176925233014886	and:0.31841081666500776	The:0.06327198868498768	of:0.05751672588961818	by:0.056814549931801586	as:0.03786538850348946	.:0.030515762547298632	tho:0.023925224505188063	<s>:0.01991029094245985	:0.01
he:0.20789207604623045	It:0.1988010239314513	it:0.18841071745916882	and:0.1703245183377162	she:0.05576969193456509	He:0.049822639100030534	who:0.043970454365322285	I:0.04231365407929174	that:0.032695224746223564	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
the:0.47501461643748394	a:0.1509489379854144	and:0.07641582521898639	The:0.07584516586681493	of:0.06793301992017688	.:0.04113805402200238	A:0.04028035185716468	Mr.:0.033363424260122884	tho:0.029060604431833666	:0.01
be:0.281815499433345	was:0.14108466569694278	and:0.1341968317370267	been:0.10526769293480794	had:0.08248763847234097	have:0.07884912299756915	is:0.061110109186682984	has:0.05558043263306591	greatly:0.04960800690821858	:0.01
of:0.4140816151752628	and:0.10468809332915953	to:0.09262100977621888	in:0.0854045642805418	that:0.08259992907789321	by:0.05498791114365366	from:0.054489638307371156	for:0.052036965528689944	things:0.049090273381208915	:0.01
of:0.3308442922213524	to:0.1432471988342217	in:0.131701708736979	with:0.09441568321518254	on:0.06848424163509252	and:0.061113441995290306	for:0.05843564615357509	by:0.05382836431950813	from:0.047929422888798305	:0.01
one:0.18194620645707993	and:0.15607478367122093	two:0.11611221790355318	side:0.11318367767672678	out:0.0955137588096896	part:0.08326089054684142	reason:0.08277848075666353	people:0.08172086343909819	that:0.0794091207391264	:0.01
time:0.1858386952704319	it:0.13347444433082067	more:0.10921953553494212	hundred:0.10325462543714507	up:0.09598613416247676	him:0.09394771981812784	life:0.09305264390817018	out:0.09109677263862842	in:0.08412942889925719	:0.01
to:0.25899009985987886	and:0.20691113851486853	of:0.12222836551254562	the:0.08594736535787019	is:0.07480810658605944	in:0.0664871705332616	was:0.06439095079885332	con-:0.05644473110180624	will:0.053792071734856284	:0.01
of:0.2333367170013395	for:0.18213837517465895	in:0.1469291933255103	within:0.13742013340447773	In:0.09622125057581485	during:0.06362483054612363	and:0.049939600763271974	from:0.04090817944441952	to:0.03948171976438338	:0.01
so:0.3951303158997033	well:0.18289135950249416	far:0.07851553145636678	and:0.07717096507941125	such:0.06762643991661786	much:0.058702302471361475	it:0.046889839191201245	manner:0.04294895405322766	doubt:0.040124292429616286	:0.01
<s>:0.22979191452184325	of:0.14319849602035345	it.:0.1423085931890739	them.:0.09799817994290941	and:0.09064763285034051	as:0.08483892873713436	that:0.07167556750035592	him.:0.06854178377885639	in:0.06099890345913269	:0.01
the:0.5718962553032814	a:0.16324418035820293	of:0.11194255933103313	tho:0.03899484157339433	The:0.026218988014069747	his:0.023304043890814887	and:0.01956293496470395	our:0.017447385176640007	their:0.01738881138785958	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
of:0.3650046519767105	dated:0.14307719305452252	in:0.10187643164635538	on:0.10126804875323098	and:0.07507196685328574	at:0.06941765458872234	to:0.05266743088898213	the:0.04430727920699742	for:0.037309343031192994	:0.01
act:0.2313462183733933	day:0.1576056776339896	part:0.10351458374359032	State:0.09329499826152307	and:0.08846710041268498	city:0.08488276818736726	out:0.08201041690105033	that:0.07590150727672067	Act:0.07297672920968035	:0.01
well:0.21321257425074594	known:0.1833023137221186	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.06163044115944836	such:0.04848962176196867	just:0.03999506790086283	much:0.03382539293359975	:0.01
is:0.3735497297229149	are:0.2032827392251393	and:0.1803286690748019	Is:0.05558095449606522	was:0.040066844663230086	not:0.03877936075381344	I:0.037149815278519335	but:0.031255994279897364	have:0.030005892505618473	:0.01
the:0.2873953035074578	of:0.21344440021812378	and:0.11296142765504273	a:0.08461592541970958	to:0.08226070552655401	be:0.0742740825216053	in:0.049384345903346547	for:0.04346745705650477	their:0.04219635219165555	:0.01
of:0.4861336251599419	that:0.1115594700781591	in:0.09040851691733048	all:0.06931543628039931	and:0.059459389048942615	to:0.05095129504310629	on:0.04153840345432324	from:0.04082483578089256	for:0.03980902823690446	:0.01
it:0.2308295215186172	he:0.16593275789694661	they:0.11702002066218763	It:0.10761284194635261	who:0.09571555387631454	which:0.07739622894719829	we:0.07376423551857525	and:0.071268635366784	you:0.05046020426702396	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
that:0.2070273917374271	if:0.20604966688644344	If:0.1616308319926401	and:0.1368845629283772	do:0.07227668310266096	which:0.06854376738300874	Do:0.052905517008750645	when:0.04613714195233519	what:0.03854443700835655	:0.01
of:0.2979812470379734	in:0.1805013896245557	to:0.13297681558029617	and:0.08810865225191374	for:0.07101836790864041	that:0.06212439246729545	with:0.060227187943598985	by:0.05104740563936024	on:0.046014541546366035	:0.01
the:0.2675718039535785	of:0.23149797246986645	and:0.13126801513919192	to:0.11781196660475796	a:0.06531886340197898	in:0.047297720466974835	at:0.04498631150755511	was:0.0435139305398418	is:0.04073341591625438	:0.01
he:0.25179289243962555	it:0.22070046822878345	and:0.12973099107657496	It:0.111466338891622	He:0.07921973130351419	she:0.06927502789033158	who:0.046736495588932774	that:0.04125709675970126	which:0.039820957820914216	:0.01
the:0.35617952099976535	a:0.16028170929355814	their:0.0942924543858023	his:0.09130652079008215	of:0.08787797367401168	and:0.06635134238974713	are:0.048248528342331676	in:0.04275225641117302	its:0.04270969371352851	:0.01
of:0.22069197218874617	in:0.16987170337791424	by:0.1147592567022095	for:0.10009388943528477	to:0.09953242685335839	as:0.08974678163902755	with:0.08420487360728354	and:0.057766496540975584	that:0.05333259965520025	:0.01
was:0.28791393761739015	is:0.24073957575219668	are:0.09500399300516456	I:0.08000229898843549	and:0.06920022644460383	be:0.0672104548322175	were:0.06345978521345523	Is:0.04620671273918811	been:0.040263015407348404	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.5857778455584016	The:0.1000520472096542	this:0.06948108952065415	that:0.05520121627990924	a:0.04730934665197908	and:0.042884711316966105	of:0.036024233116959264	tho:0.030970480360493647	one:0.022299029984982725	:0.01
and:0.24849596265680837	was:0.13630028341188777	brought:0.12492330957578504	is:0.0967409934192446	that:0.08502925602342755	talk:0.08174470029336743	bring:0.07701178641869665	all:0.0741144485800518	nothing:0.06563925962073079	:0.01
him:0.22511585349940635	;:0.1342553032180852	man:0.11574635372301251	him,:0.0950718889975085	up:0.09324255187190897	and:0.09098934403345373	himself:0.0835495239653671	in:0.08043645717718255	man,:0.07159272351407525	:0.01
I:0.25726595740057484	you:0.17142757275118647	not:0.1548095081291174	we:0.12142873454680987	We:0.07140632299763734	and:0.06196619005073569	they:0.061777487008398586	don't:0.048783509212946635	who:0.0411347179025932	:0.01
and:0.2708555229503238	of:0.16875357166365473	the:0.15806028549716694	to:0.1266985020119527	be:0.06506136079902888	a:0.05367233913074959	more:0.052564597091336124	in:0.048713423836331086	was:0.04562039701945622	:0.01
the:0.27159777710392613	of:0.21207495845380905	a:0.1666788723462926	in:0.08485992759477423	to:0.08217900692102638	and:0.06595543303544736	by:0.04570725806604877	for:0.030561091679461833	that:0.030385674799213527	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
the:0.23855831420582568	of:0.21725116005425268	his:0.13734861761457673	their:0.13029875117236722	and:0.07729310717436086	in:0.06638857482494308	public:0.050567001001238496	at:0.03633491765298308	with:0.03595955629945218	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
the:0.4018337174035255	an:0.20652394783740063	of:0.10546232383733174	a:0.06523610486684271	his:0.056411165394769355	The:0.0473724802955412	tho:0.04563813839169151	An:0.030805480024584556	and:0.030716641948312924	:0.01
that:0.33477060598829783	this:0.25071585055495427	the:0.15470059947406237	first:0.07090427642403874	any:0.04343755434716636	taken:0.04143409060849695	took:0.03984369234036508	on:0.0293112992805127	to:0.02488203098210588	:0.01
the:0.3876192825613133	a:0.24245894478966917	to:0.08061207508537012	and:0.06739253911751615	of:0.06446055308225122	that:0.03961066972875309	The:0.03913401886577171	by:0.03648447475224014	no:0.032227442017115186	:0.01
of:0.4153838724340702	the:0.15279913724682492	a:0.10653694121122788	<s>:0.07263669378693619	that:0.051255525004253184	for:0.05115249942219128	by:0.04786368962566164	to:0.046727893450532985	and:0.04564374781830183	:0.01
of:0.34114007131537	to:0.15200999985469213	for:0.10644594576838846	and:0.10044386457492255	in:0.08280397815908254	with:0.06565615623647691	by:0.05740581249515138	on:0.042122543310898576	from:0.041971628285017326	:0.01
it:0.3480806811567319	It:0.3033077168975875	which:0.0656694550331553	there:0.05611346552863104	that:0.05118202229777803	he:0.04985122752458861	and:0.0456335796784712	This:0.03874706653299095	this:0.031414785350065394	:0.01
it:0.35505309117815476	It:0.2256851548211504	which:0.09186997500389063	he:0.07427712557156563	and:0.06860291172058657	that:0.06252393229388647	there:0.045646756155683414	who:0.03881624702318383	This:0.027524806231898347	:0.01
the:0.7829164627188088	tho:0.04500557608309422	said:0.030095076233995766	of:0.027164644892830114	tbe:0.024179388043393396	a:0.02346770569303026	this:0.02214454322951923	The:0.01957586151075835	our:0.015450741594569972	:0.01
the:0.33404454697379315	an:0.24598479648497432	his:0.10884477959169327	The:0.08763409629841687	and:0.054879186947487106	their:0.05274221981128873	of:0.04160590873989812	its:0.0343966564360943	a:0.02986780871635424	:0.01
the:0.5430707856479376	of:0.13687931080349686	their:0.0631323488313438	his:0.05590056626924035	a:0.05262774047255317	and:0.039383347433444515	tho:0.03481012252961093	our:0.0334439640385524	or:0.03075181397382042	:0.01
of:0.2859662656950196	the:0.2563316712976624	and:0.10790529171281175	said:0.08331977629093533	these:0.06434011381748846	all:0.05629121008546557	by:0.047038939601406544	or:0.04533090022534515	for:0.04347583127386522	:0.01
of:0.22477676469919997	to:0.18071963000738772	in:0.11392148701484019	at:0.10382937309658317	by:0.09341802144411798	and:0.0876267974261804	for:0.07274879703388247	with:0.07007813360676265	on:0.04288099567104544	:0.01
the:0.41832565917419784	this:0.21000510182507384	a:0.09591395633142098	The:0.07780273993707584	that:0.06806835479745764	and:0.04911519578021091	This:0.03007382119677928	tho:0.021062720363236184	of:0.01963245059454743	:0.01
the:0.5352828105850697	and:0.13365066849587	a:0.06967615579514337	of:0.0624016060579551	no:0.04344578082754008	The:0.039109017192930536	tho:0.037429695720530856	all:0.03490233493225106	their:0.03410193039270913	:0.01
the:0.5140531194428726	this:0.09421985286532075	in:0.07792825168389333	his:0.06901644435637629	post:0.06655739038646023	of:0.06447550352804154	to:0.057865493092256415	tho:0.02364749032320902	clerk's:0.022236454321569676	:0.01
of:0.366026224936803	to:0.15539458779547466	on:0.10699431330907433	by:0.08306703756703734	in:0.06631594087578455	at:0.06306127163778164	from:0.055685467744058	that:0.048455078525739326	with:0.04500007760824716	:0.01
or:0.3192117544228829	not:0.1171266057892633	and:0.11174353154819577	much:0.1085803357996153	be:0.08484263148238003	of:0.08303684000061515	with:0.0661475692714183	use-:0.05895623321316947	doubt-:0.040354498472459685	:0.01
and:0.21597828110317965	able:0.12846257352367407	enough:0.09895315523035424	is:0.09843416555592825	them:0.09666190866979392	him:0.09429551127542689	not:0.09350381477885417	order:0.08339486186847957	as:0.08031572799430922	:0.01
of:0.19338111972086564	in:0.18298952234404992	for:0.12710591945543037	by:0.10587375627230934	to:0.09509955894908688	with:0.09076262586603578	and:0.07280642536645196	In:0.062452794431371	that:0.0595282775943992	:0.01
to:0.6805516550835228	and:0.14614811250764265	will:0.0619106229751823	not:0.02742537602590563	would:0.01935631911665113	I:0.014456788327343036	must:0.01420285084928987	they:0.013366737651447011	you:0.012581537463015649	:0.01
of:0.21794123308637872	know:0.205492397520078	and:0.13398616858142928	to:0.10890958485868302	see:0.07522534414307262	in:0.06670558905662756	with:0.06109468812407517	matter:0.06059642059561671	some-:0.0600485740340391	:0.01
n-:0.1869983514540216	the:0.1730006138034935	a:0.14738456764937985	and:0.13468523780322442	to:0.11315159997775302	-:0.0839237011071601	his:0.0543155279062144	not:0.0497012328381851	her:0.046839167460568036	:0.01
State:0.3559270294997509	day:0.15650667321648637	state:0.12400770326863875	county:0.07699403591085066	city:0.0733669447210263	line:0.0732720515377507	County:0.06504902189788742	side:0.034811446323523405	corner:0.030065093624085437	:0.01
and:0.167673560168984	him:0.1302595889239382	want:0.12288405280822053	able:0.11252456763525269	is:0.10177603532893538	enough:0.09848886248683617	have:0.09133909511025426	me:0.08613098450363031	necessary:0.07892325303394836	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.3341443303844184	of:0.2126818585796327	a:0.13293634192733628	and:0.07662203096260174	by:0.064449928025651	to:0.04861107681973986	The:0.045150945880227514	for:0.042227154326692225	his:0.03317633309370032	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
the:0.42122209882961853	his:0.1180068871569412	of:0.11090480925286436	to:0.09140103618335228	their:0.07439069042952377	in:0.055214548222526236	a:0.05517897747716409	and:0.034245385464386165	our:0.029435566983623335	:0.01
as:0.16683604475923364	up:0.1539028598484388	came:0.12826444072495238	and:0.1203462899100031	come:0.11364485149596151	sent:0.08325251068286922	back:0.0822367022569837	it:0.07501903527794411	presented:0.06649726504361371	:0.01
the:0.25470561870247754	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862254	in:0.07582920922781207	was:0.07101916294765154	a:0.06560002811236118	be:0.05991783825325076	is:0.04301373266798011	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
and:0.23421743829238634	filled:0.14255606911313085	covered:0.11099956442369732	up:0.10448259031004953	charged:0.08976562798026519	it:0.08098974475047782	together:0.07914592500174995	him:0.0764309294967871	but:0.07141211063145576	:0.01
<s>:0.32285616252127114	and:0.19134587213807477	was:0.08226218979507015	that:0.08188763720483351	made:0.07382141432160089	it.:0.06895875144309487	file:0.06813787898337534	is:0.05420556549123636	be:0.046524528101443	:0.01
the:0.4757332068206846	of:0.1648791125642541	and:0.07968236710902674	a:0.063183108017336	to:0.05395903304385412	The:0.04519656005053238	said:0.04073012374825985	his:0.03527471068064564	for:0.03136177796540668	:0.01
the:0.30795727325314903	of:0.17967943784603851	and:0.1682163464043912	a:0.09529962795272326	was:0.057187811754078846	The:0.056557534852272474	to:0.04621834097561	as:0.040011965373857365	or:0.03887166158787938	:0.01
of:0.21537888567026206	that:0.17670854654276125	the:0.15988339844726043	and:0.15824425342754803	The:0.10248982060232253	which:0.05422020370865676	Mr.:0.04420888439893019	<s>:0.043144893820097396	by:0.03572111338216136	:0.01
the:0.4042614453715767	a:0.14503550165434714	in:0.083969595331194	his:0.07423221243662609	of:0.07200881583149543	The:0.06625919009403966	that:0.056670845700223155	and:0.049016312210406685	on:0.03854608137009103	:0.01
New:0.9501917757758191	of:0.009877745657366706	Now:0.009279916204838918	Xew:0.009007171021800802	to:0.002928067046179877	Mew:0.0028208088355418815	and:0.00245964478669105	the:0.0019536601417816	in:0.0014812105299800832	:0.01
nothing:0.31488661985439564	in:0.1622048446247785	;:0.11437467006998321	is:0.09946701221256898	anything:0.0861769105226929	it,:0.06424969986515802	them,:0.05456609355635031	and:0.04726259539470592	for:0.04681155389936645	:0.01
the:0.23096407016366577	of:0.1722033400437719	and:0.14147498841999784	a:0.12083689853514935	to:0.11852942901038442	be:0.06109875657352347	was:0.058041221521029175	in:0.05303128523338767	at:0.033820010499090294	:0.01
and:0.2906065355884855	made:0.1436777358689203	or:0.11036674633164895	that:0.10267895637718864	him:0.07232384145617174	done:0.07226369859464865	taken:0.07150958543796299	it:0.06478942832561096	but:0.061783472019362115	:0.01
made:0.32897717204525306	and:0.16165590749082118	paid:0.08351014551037905	given:0.08177917713336472	or:0.07551168271566557	done:0.06539383123769393	followed:0.06484889507945198	ed:0.0646023886216096	secured:0.06372080016576091	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.23096407016366577	of:0.1722033400437719	and:0.14147498841999784	a:0.12083689853514935	to:0.11852942901038442	be:0.06109875657352347	was:0.058041221521029175	in:0.05303128523338767	at:0.033820010499090294	:0.01
of:0.34027471467671666	as:0.10382831098160024	in:0.09220709450668907	and:0.08857191048999369	with:0.08805779764751304	for:0.08771731601574143	to:0.07254621732044018	at:0.06380427013584541	is:0.052992368225460204	:0.01
the:0.5076628671531154	at:0.2631376156942473	At:0.05297062574332165	tho:0.034269582625248304	of:0.032324565888802774	to:0.03051223624735961	and:0.030460919276258134	The:0.02238020677281277	on:0.016281380598834133	:0.01
of:0.18889621255652908	in:0.17344029139987502	at:0.14066339779899656	for:0.11990367273711422	during:0.11076958109425589	to:0.07979246603912211	In:0.062044683601134	on:0.06190611738051835	and:0.052583577392454804	:0.01
part:0.21496902104278678	one:0.20912369233988043	some:0.12867331343811736	out:0.1057303116879626	members:0.07618604502434112	and:0.06636584999188522	tion:0.06479865598258486	portion:0.06226235532256281	side:0.061890755169878825	:0.01
;:0.370830555960916	and:0.12955587622433848	them,:0.10195636904467445	him,:0.09418306376298548	it,:0.07474637632054887	<s>:0.05707345609395646	men:0.05660046969971623	States,:0.05341599193576092	years,:0.05163784095710307	:0.01
a:0.3007564845598279	the:0.2808373026861622	and:0.14986577447292027	or:0.08088850463796544	of:0.06324414825263165	his:0.02967421671906959	to:0.029605918006570295	in:0.028320022308247525	our:0.02680762835660509	:0.01
of:0.34540716911990466	in:0.14510905187319723	to:0.11120839216507301	for:0.09211449051552312	by:0.06561658896443473	and:0.06431571155383159	with:0.061443230561380895	from:0.05843703955567708	at:0.046348325690977785	:0.01
of:0.3761566067192577	the:0.16602777211863973	said:0.10891017383822288	for:0.08647690068210356	that:0.07624845295017556	and:0.06453703688352402	a:0.04822467041251815	The:0.041459592418973096	this:0.021958793976585293	:0.01
all:0.452425012617344	and:0.1213423240699824	it:0.08165143234593371	went:0.07504130053748853	passed:0.06601773358570145	spread:0.05616595063436267	go:0.05037340420547907	control:0.04473858373963683	turned:0.04224425826407117	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3973471732241112	of:0.15148752742507743	and:0.14441177795627336	a:0.10039976640996823	The:0.057966806900372224	Mr.:0.041249930492388204	to:0.03681819378615323	in:0.03296572819243	his:0.027353095613225915	:0.01
of:0.3255176567906583	in:0.2851575651922145	to:0.12211324776314424	In:0.05473915086696196	that:0.04971182108721108	by:0.0485176089821256	and:0.03547796013054566	on:0.03465783968069695	for:0.03410714950644151	:0.01
was:0.19912554015605402	is:0.16532774125115934	are:0.12902698835234155	and:0.12114989222170522	be:0.11423222416522964	been:0.09543487098419366	not:0.06951804009771376	were:0.05937990914102786	have:0.03680479363057503	:0.01
was:0.2527699050411656	be:0.15931436244633337	well:0.13802877092916668	were:0.11851174010960555	are:0.09350985731609196	been:0.07694940574782994	is:0.06486955394127004	and:0.06251836179961254	being:0.023528042668924366	:0.01
the:0.4960063031331357	of:0.12149097541314449	an:0.12013841942810684	The:0.11736775589998864	and:0.05113562819280716	in:0.025546311550442936	tho:0.02358695349746032	by:0.018543779342470892	with:0.016183873542443005	:0.01
the:0.3229136201479837	of:0.24628598619543493	a:0.1392013752288108	to:0.07088970704755324	and:0.055797737531977504	in:0.05463349136760545	The:0.04126725950695871	by:0.03193778630927928	from:0.02707303666439659	:0.01
that:0.30477923424740977	and:0.18193295459359404	when:0.12669161518032496	but:0.09465495545291686	as:0.08050190460265892	which:0.06622347418946783	if:0.052474928020421564	until:0.0419913756001036	When:0.04074955811310252	:0.01
the:0.3245562452005889	such:0.15964531526734166	and:0.15795975080705874	a:0.07927212302702931	or:0.06244885819618937	The:0.06189786390441921	of:0.049990466233489954	this:0.04829877450679709	that:0.04593060285708578	:0.01
man:0.2986317572934399	one:0.13715040354979144	and:0.12081111499875212	those:0.1203934108414829	men:0.08856037600837494	person:0.08698368736066187	woman:0.05999179632260245	all:0.04665791764271212	people:0.030819535982182303	:0.01
of:0.36305329888321847	the:0.2168511257689726	in:0.15723006121165167	and:0.06231454797136362	for:0.04939715643145252	their:0.04225637845058233	this:0.03679194475399327	an:0.03347420554261705	his:0.028631280986148467	:0.01
of:0.2658250819860034	in:0.170131542759162	to:0.12169488711440235	with:0.08079350607764182	by:0.07940331999078871	as:0.0788758353900011	is:0.06863210745309054	on:0.06724339653696697	for:0.05740032269194304	:0.01
is:0.2303802215940981	are:0.19293269814900318	was:0.16968888230618226	be:0.11295512264392008	were:0.07709217002952642	and:0.057817426644010204	the:0.053715556174048155	a:0.05063897047241544	been:0.0447789519867962	:0.01
and:0.277996730899043	to:0.17322689951438638	the:0.1321015479891752	of:0.10506772889468453	that:0.062308226954482	be:0.0618755410132223	re-:0.06157234041771205	I:0.06110129857387365	in:0.054749685743420956	:0.01
the:0.793110188418194	The:0.0680007249322337	a:0.04727984495107901	tho:0.037815219509135065	tbe:0.01388223114083001	and:0.00872439562697209	this:0.008147956113458716	of:0.007678123471032178	A:0.005361315837065278	:0.01
have:0.38464248485588953	has:0.287309757693328	had:0.19117463298449705	not:0.04506596626872391	having:0.03560589893008913	never:0.01696158902759316	lias:0.010284253456651859	ever:0.009874386600757522	bad:0.009081030182469698	:0.01
is:0.29083496633587086	are:0.17885719995906366	and:0.12170067686216979	will:0.11647395776713536	not:0.07545588034659846	would:0.05914775799678276	can:0.05174356255899444	Is:0.048794210709706895	we:0.0469917874636778	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
I:0.31679402468807766	1:0.1178223326824127	and:0.11249534163526792	they:0.10234027419648342	which:0.09343076605538983	that:0.09130004692772561	we:0.05511804831053298	would:0.05404798101035571	will:0.046651184493754126	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
it:0.3974288810655867	It:0.293642549291998	which:0.06305545602239321	he:0.050983587864229504	and:0.04727937793846708	there:0.046579080134048545	that:0.04008154170435226	This:0.02808506757632753	He:0.022864458402597255	:0.01
and:0.3569369828172388	was:0.16965876793091547	be:0.08128878700946408	feet:0.07266997782826652	situated:0.0711098646792474	that:0.06379992481251148	been:0.061459154745292136	is:0.05948724584736636	made:0.05358929432969775	:0.01
of:0.4918135901470244	for:0.1097224035777057	in:0.09992834934160963	to:0.07963384415759389	and:0.05558499842716486	by:0.05425038078867492	that:0.04097838616745469	on:0.03023212946098171	from:0.02785591793178995	:0.01
of:0.2892593919345714	in:0.1487093368818357	to:0.12364726557986971	and:0.08100424542429852	from:0.07921569356416491	for:0.07226250356976427	In:0.07080590082203018	at:0.06403346985548722	on:0.061062192367978094	:0.01
and:0.3309066756559541	demand:0.11951725037001645	ready:0.09893866457384981	used:0.09514434972463204	time:0.08611259291726484	not:0.0660784836651807	vote:0.06597209943325834	it:0.06550607031200961	candidate:0.06182381334783411	:0.01
of:0.34195195569131276	that:0.13112854989418238	and:0.11773051965713749	to:0.11460173967089864	by:0.0832711265331769	in:0.07440879330494013	with:0.04779659956917363	from:0.04050918800111315	for:0.03860152767806499	:0.01
is:0.16742209614947762	a:0.15791925602321022	was:0.12881702240557177	the:0.10209186713416986	had:0.10201436940001862	and:0.0957480821514621	have:0.0839015595787544	has:0.08110500256769738	are:0.070980744589638	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
be:0.5197058394674862	is:0.10949301748332503	was:0.08036561674281845	been:0.0698105003562374	are:0.052503997921728746	not:0.047303203894761704	and:0.0439618334301008	being:0.03604149722941124	as:0.030814493474130306	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.585529749704245	was:0.11419903249382125	He:0.0541695905659852	will:0.048200260787429554	is:0.04385373126521834	shall:0.04270427116043657	were:0.04131718179729612	are:0.030460801602180777	would:0.029565380623387122	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.4361406080448813	an:0.3301516281542256	The:0.056835605618374724	and:0.039382559020063476	in:0.03399227561779563	An:0.03045025639207824	tho:0.023393562858970467	thorough:0.022745218789833946	a:0.016908285503776502	:0.01
and:0.24413116292889298	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709101	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
it:0.2112600983861695	and:0.18701561389073504	that:0.13408961718414286	as:0.09043615354760778	to:0.07884685047022831	It:0.07796827900915186	of:0.07521191902438157	I:0.07398230903901534	man:0.06118915944856765	:0.01
of:0.23893817346111243	the:0.20310405091768752	a:0.14497552055718887	and:0.10175545452652067	in:0.08890560716485375	to:0.08163456984502818	for:0.07618759590233674	on:0.027979879711235837	by:0.026519147914035982	:0.01
of:0.5098472274332899	in:0.13268782784949315	to:0.10592018786131684	that:0.04760484698437597	by:0.04756578762629169	for:0.044769435977049424	with:0.03932066956143651	and:0.032009553032577166	from:0.030274463674169264	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
the:0.7764999296158964	this:0.04679199793244175	tho:0.04387746530910722	The:0.03456594335067862	a:0.02583605601162931	said:0.019428816109126425	tbe:0.01852164543110365	and:0.01290829813455908	that:0.011569848105457572	:0.01
a:0.5998009961308172	the:0.1901663687393559	and:0.07269003732433676	of:0.03362294754943434	most:0.032598550339770535	The:0.025971889855195985	to:0.012467676788730807	A:0.012237486218320161	in:0.010444047054038372	:0.01
as:0.197810334551977	and:0.17852329317885332	right:0.13239256442435163	able:0.10285238727297427	necessary:0.08244422429091564	him:0.08059785045509078	is:0.0725481125494572	made:0.07206094697499794	time:0.0707702863013821	:0.01
for:0.17244591378445848	want:0.16762893741850285	to:0.11770411698134392	ask:0.10958073657411242	give:0.10723281201836538	and:0.08837190437075781	enable:0.08153493736189084	refer:0.07840960477341832	of:0.06709103671715003	:0.01
I:0.8297636158126203	"I:0.06261630100694261	1:0.045141297720590154	and:0.02693294841774465	he:0.007858426235836104	have:0.005198659563237336	you:0.004550585747701617	we:0.0040376461041326415	“I:0.003900519391194762	:0.01
<s>:0.4693979884895438	it.:0.1291284383163923	them.:0.07993278773457173	time.:0.05883830114720039	.:0.058272424730048324	him.:0.05698101414682551	country.:0.04990347149350188	year.:0.04444587229472551	day.:0.04309970164719067	:0.01
of:0.41410937531165276	on:0.13361528465557276	in:0.10068506302574029	to:0.09922362007558191	from:0.062241379864843446	at:0.05170917727994232	and:0.04895626946085145	for:0.04353039389903216	by:0.035929436426782924	:0.01
the:0.7284021974903513	The:0.046922648781791955	a:0.042290211872799355	and:0.039977601373380724	tho:0.03266660630459279	an:0.02986996862753897	great:0.02868955000019063	by:0.022500525772680947	their:0.018680689776673403	:0.01
of:0.34728264899099676	in:0.14215887982351633	to:0.1404147383067016	for:0.09864627815064264	with:0.054785701123241666	by:0.053644066795130625	from:0.05329000574984092	at:0.05108682303848268	and:0.04869085802144684	:0.01
be:0.3261862609708531	was:0.21382144541080195	been:0.11650953817505898	were:0.08110053017715275	is:0.07612559436144445	are:0.05614303134415687	and:0.045349978136029166	he:0.0444178290535846	I:0.030345792370918098	:0.01
I:0.37533601445970743	we:0.1660046400768893	to:0.13869090064287892	We:0.08469124952664128	and:0.059929998842924215	you:0.04952964659141554	not:0.0425327205991677	they:0.038736946272185734	who:0.03454788298818992	:0.01
to:0.6319059271570762	with:0.08758396829194019	of:0.07482800903256727	for:0.05770789270294688	in:0.047653883522174714	by:0.027251168730573254	told:0.023239937756214423	and:0.020709239397389705	upon:0.01911997340911751	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
was:0.16713091370826924	is:0.15646542580320585	as:0.14516323747993204	a:0.10546710812129574	are:0.10022430173697107	so:0.09679814604209022	be:0.07564765105751192	and:0.07496781103638432	were:0.06813540501433957	:0.01
be:0.243571707546794	was:0.1656455328627362	is:0.13013360521502884	are:0.1114079348103074	and:0.09324610948387765	were:0.07462699414192799	been:0.07314180623787203	more:0.05704661670572269	not:0.04117969299573319	:0.01
of:0.22403420600549523	in:0.14516170479825935	and:0.13212057878410222	with:0.1101450228669899	to:0.09261782204281765	for:0.08424706121080791	by:0.06881763727215481	such:0.06729939123844483	as:0.06555657578092805	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.2800201075459086	of:0.18882796711224334	and:0.12627996162247315	to:0.1033980557093825	a:0.07120412266480591	be:0.06516588277624905	his:0.05715550984727075	was:0.055423545408809845	in:0.04252484731285672	:0.01
the:0.557934411409266	of:0.08316006216839314	an:0.07823985427481434	in:0.05814001729153149	American:0.05759880784484477	his:0.04322932594933031	and:0.041575456093516656	any:0.03669173474650559	their:0.0334303302217978	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.1177148385676645	they:0.0914384776859708	that:0.08313239062920648	which:0.07694098793602959	he:0.07501873352304171	and:0.07330080551631972	I:0.05566581471392691	:0.01
the:0.26625872993485494	of:0.1625835508361643	a:0.15346038844653312	in:0.13878788975637707	to:0.09483390445074552	and:0.07373671975915319	at:0.039614362007148546	In:0.03747865620485129	his:0.023245798604172047	:0.01
the:0.3963691105472609	a:0.12052118032377837	of:0.0888032434777962	said:0.08579864913679427	<s>:0.07930487626375006	in:0.07400115044024069	and:0.06857345529372226	The:0.050863789666056404	No:0.025764544850600788	:0.01
the:0.2565592856763004	and:0.16157736779121995	of:0.15134338486157242	.:0.09007137648877869	a:0.08125653102515105	to:0.07861665297838209	was:0.06837325609453332	by:0.05214073674016157	in:0.050061408343900514	:0.01
the:0.34908347312361265	The:0.224954187971407	A:0.11505263094371017	a:0.10229738033732133	this:0.06739917188542573	of:0.05524548713725964	said:0.026973460816870937	his:0.025968240596949098	Mr.:0.023025967187443458	:0.01
of:0.3329676822801331	the:0.27892605225571454	and:0.16164113055676804	a:0.04231087297138623	with:0.039844689984751734	to:0.03750674493443691	by:0.03415849796785269	The:0.03137933000315643	their:0.0312649990458002	:0.01
the:0.24868646290323432	of:0.16104541791680754	and:0.12518979719446938	to:0.1218368850680648	at:0.09036037131072976	a:0.08321987972823076	in:0.06413860476896088	or:0.04805229645404009	for:0.04747028465546257	:0.01
of:0.4456777840806273	to:0.09560895113887723	in:0.09284068819157618	for:0.08486881655226551	and:0.07299337516704156	that:0.06857975944056091	by:0.05542877245174271	with:0.04558075691807833	on:0.028421096059230225	:0.01
the:0.3247145973921336	of:0.1912783922217495	to:0.12657663807666622	and:0.09633872751529743	a:0.09623368406197352	in:0.07246051313932513	at:0.03990566458342589	for:0.021408717282748693	tho:0.021083065726680054	:0.01
and:0.3093655620212602	to:0.17370118736174034	of:0.13038200997623184	the:0.08771758421888157	which:0.06191870937029182	<s>:0.05888938295259155	re-:0.05752501777704928	in:0.055852125160339605	that:0.05464842116161378	:0.01
and:0.23580255416797472	well:0.20966744422890934	soon:0.1124205769277958	known:0.09580680441054117	far:0.08146310857794631	him:0.07783439401727266	it:0.07046044511430063	just:0.05661291465818841	regarded:0.0499317578970711	:0.01
of:0.5096914960463135	in:0.26327679899990786	In:0.0488960312216289	to:0.04839721142208178	throughout:0.03177350416492719	for:0.02444217493599574	by:0.02381083724313838	from:0.022144736574457237	that:0.017567209391549418	:0.01
on:0.26735118975860217	of:0.24550610313907056	dated:0.18056605770584966	ending:0.0868831020226611	in:0.056170483574946854	approved:0.04500981084631592	to:0.03882331150381738	On:0.03633515071000657	and:0.03335479073872983	:0.01
has:0.30771012964408184	had:0.21708669711542256	have:0.1368235878049748	was:0.09279390008248628	and:0.06497218529353174	mortgage:0.056034713258425906	having:0.04716856856629219	been:0.0383800488707171	be:0.02903016936406756	:0.01
the:0.22621754684143483	of:0.2121246296450364	and:0.1387178532151598	a:0.1330548885143689	to:0.07801628138881134	Mr.:0.06384327045324964	in:0.05393160683610293	with:0.04333205764451371	or:0.04076186546132228	:0.01
which:0.15496386796764045	it:0.15072730065574702	they:0.12268353006958817	and:0.11221982455644267	you:0.10719853471700902	that:0.10051951342096695	he:0.09174005237583996	It:0.09165503494915202	who:0.05829234128761378	:0.01
which:0.255838017870698	it:0.13303302280174323	It:0.1328440315880115	he:0.12608854745141604	and:0.09550314927845814	who:0.07898328622258206	He:0.06249124073586746	that:0.06196585535906089	as:0.043252848692162706	:0.01
and:0.25270837885461067	was:0.13829601213063705	sale:0.10369783849464313	sell:0.10310680088816955	is:0.09676146274200244	are:0.08485395968471965	not:0.07354135043502759	as:0.07187389970178623	held:0.06516029706840373	:0.01
the:0.3831503938444565	of:0.1492569472633867	and:0.11293223456262946	to:0.10172907021591555	a:0.08389787910239893	most:0.06118311323075722	his:0.03961195621396088	in:0.030154990500242344	their:0.02808341506625228	:0.01
the:0.5251963145867579	The:0.1255610668206828	a:0.08676719631147525	and:0.060729258536983695	at:0.044390358916201966	of:0.04217608253502482	Mr.:0.03640658140785039	his:0.03463497012743934	tho:0.03413817075758394	:0.01
is:0.25283365325295226	was:0.23201888482601596	not:0.12322430181677244	are:0.08882796447082998	be:0.07208231098289045	a:0.06487290613731156	were:0.056624524217949154	in:0.05250620683890738	the:0.04700924745637076	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
and:0.2165381807466691	the:0.18724203922351226	of:0.14904754853675403	to:0.11548725602063734	be:0.07888300539379994	was:0.07500647985195938	in:0.06698318540006265	is:0.055634215838476345	are:0.04517808898812875	:0.01
the:0.2896108146811276	of:0.18397419761328573	to:0.11468204475268728	and:0.10771170434286421	a:0.07592978697561267	<s>:0.06706784898641821	in:0.06000383266755675	.:0.048069145363931746	I:0.04295062461651602	:0.01
of:0.21569272072073573	as:0.12186156121926711	by:0.1148991124485833	in:0.09979567930874937	for:0.09609846565048581	such:0.09124993909328327	is:0.08855616879885292	to:0.08548012400399298	with:0.07636622875604954	:0.01
the:0.3045841366320723	of:0.30447642199519875	and:0.10932820637360081	to:0.06879672080946335	at:0.06745773732862961	a:0.046523305290787596	in:0.03839494212144507	.:0.025327102383684883	for:0.025111427065117545	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
has:0.3605755933470742	have:0.3163646381787759	had:0.19309483805293787	not:0.04369178471779901	having:0.025441283091460976	always:0.01621023602576035	ever:0.012286881462376107	never:0.01201594612171696	lias:0.0103187990020988	:0.01
to:0.2333497457753922	of:0.19829904331092194	in:0.18007538150672825	for:0.08500612376861874	that:0.07811138202070593	and:0.07146329012511882	with:0.054368911727729195	by:0.05252220915684075	under:0.03680391260794428	:0.01
the:0.24530449212159763	of:0.16248162840082866	and:0.14843583561982954	to:0.14812932033974008	in:0.07026439162584772	was:0.06501632637583915	Mr.:0.05213509403927933	that:0.051159642967783914	is:0.04707326850925396	:0.01
the:0.3222700586422684	of:0.1974830349703252	and:0.14821900911444638	Mr.:0.0814022366829615	a:0.07018330339807602	to:0.052117954772225555	The:0.04496263648487065	.:0.03895710737577016	by:0.034404658559055994	:0.01
be:0.1861246683055882	is:0.165570265816252	was:0.14898917871582879	and:0.148064349017029	are:0.08322890188432426	were:0.07677842121006448	been:0.07573522038093951	the:0.0550206092940943	have:0.05048838537587943	:0.01
recorded:0.22325770229068634	and:0.14944921015488755	time:0.13453821407156652	was:0.09876852635903467	at:0.0973861639955784	that:0.0793685169588892	is:0.07856215087329298	be:0.06617303620646234	for:0.06249647908960201	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
the:0.26351559705761063	of:0.20176980468710737	and:0.1575135665443189	a:0.1011729916939024	to:0.09962553929043218	in:0.06054108870633049	with:0.04054596563706453	for:0.033898947419923324	or:0.03141649896331027	:0.01
more:0.42897191827470343	one:0.23113670593947463	two:0.15588727953013579	five:0.037956986820914695	dozen:0.029384684489764407	four:0.029162246985826645	three:0.028426912514649454	ten:0.025342829004206716	six:0.023730436440324333	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
;:0.19669173864448003	and:0.18612501305085422	up:0.10797025678167922	feet:0.09298009891957618	them,:0.08955171950714343	it,:0.08790137574961032	out:0.07950961305553611	him:0.0759103289390061	time,:0.07335985535211438	:0.01
al-:0.2968984231970954	the:0.15550395889588983	all:0.09979432174365864	their:0.08785335116810856	other:0.07681485181670251	of:0.07258475057673065	and:0.07011827466765623	his:0.06621272284783886	al­:0.06421934508631927	:0.01
the:0.3703974622170521	degrees:0.23604662290930614	minutes:0.16253696861300843	thence:0.104181120204158	degrees,:0.03100246980598852	tho:0.024934554745473417	feet:0.024510621348419154	and:0.019882704147332942	grees:0.01650747600926117	:0.01
to:0.41150994787547807	and:0.33457682366908015	not:0.04682399608049895	will:0.04344079393529064	that:0.03657401485219989	I:0.03652055450569058	would:0.03121215122047131	who:0.02479972891326757	which:0.02454198894802293	:0.01
north:0.4475706415932609	feet:0.12551733402880494	east:0.08391334517790347	street:0.0740495419497939	land:0.05468649834098591	North:0.05413073083253674	south:0.053172350245890045	chains:0.05081673212985219	;:0.04614282570097178	:0.01
the:0.4296733500335901	a:0.30677805126575586	of:0.06029590949388562	The:0.05322170354312578	with:0.039216402772143465	and:0.0350654902695585	his:0.025048632470323417	tho:0.021419640146003824	in:0.019280820005613347	:0.01
of:0.2911491838762084	for:0.1575309522864633	at:0.10238671425394434	to:0.10219831658205872	and:0.09686447518698345	that:0.08579214146054302	in:0.06396014862868894	by:0.056360169085020895	with:0.03375789864008877	:0.01
a:0.42186606801940213	the:0.10190092551215284	is:0.08764333203047364	and:0.0844468663529746	as:0.06713917241386926	that:0.06219671336881314	of:0.05972164008177714	was:0.05399024948237776	in:0.051095032738159456	:0.01
and:0.2954976590676623	the:0.1900603358641207	will:0.12341087472469171	to:0.0962234199273839	of:0.07196422739002481	I:0.06502654771349327	a:0.05312532570402331	could:0.049428739106651576	can:0.045262870501948486	:0.01
of:0.352867362390408	the:0.21721209093766056	to:0.10469300000238069	and:0.09669236082818274	in:0.06602772680917622	by:0.051041459739399254	that:0.03547755485415687	a:0.033916468956567934	from:0.0320719754820677	:0.01
of:0.3435992426491545	and:0.2219568637555845	that:0.11331649265764186	to:0.08641531064214496	in:0.07682453470948779	for:0.0662920369467859	with:0.03196863960929373	from:0.025620381416734853	by:0.024006497613171918	:0.01
to:0.2846607759471431	of:0.2284460986782203	for:0.14552445493051402	in:0.08668862347845449	on:0.07356914334835342	and:0.05390204718526626	In:0.04712210612980315	with:0.042224156855292405	by:0.02786259344695281	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
the:0.47134182454943113	of:0.15959036431418955	a:0.1311130000323129	in:0.06123326377958622	and:0.04015949500731561	The:0.035188351803890905	at:0.033398314603825745	to:0.02984417276273477	very:0.02813121314671298	:0.01
the:0.2892798126474847	his:0.16722166505015848	and:0.12882430921368407	their:0.11409091228430918	of:0.0634178632130642	or:0.061632326966683776	in:0.05842939800514033	was:0.057432936186427676	her:0.04967077643304773	:0.01
those:0.25951273479179715	man:0.15407938538350682	men:0.1510980557089871	and:0.11334241553163941	one:0.09442018827086614	persons:0.06445140326520649	person:0.06201211056492142	all:0.052787411792445095	people:0.03829629469063047	:0.01
and:0.21587756808629543	as:0.1871912227373768	that:0.15435466996740893	when:0.10372959053996003	which:0.08789444859156803	for:0.07438669738902288	if:0.06409800016618665	but:0.06234090155857023	where:0.040126900963611094	:0.01
of:0.3535101752615976	in:0.16637226418000714	to:0.1514404465707334	for:0.07444404949800848	on:0.06534622014424858	by:0.05522709516746868	with:0.04448249294576371	and:0.04295935908015029	In:0.036217897152022095	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
that:0.4238571537358822	which:0.13736658230284773	and:0.1270148857256401	as:0.07315760921159364	when:0.05725182920044231	w:0.05534800350283615	if:0.0443053809464815	but:0.03916104844614849	where:0.03253750692812773	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
a:0.4176154609170126	the:0.40322995198359746	per:0.04779854501311577	one:0.029291586565371362	every:0.02341705586171939	tho:0.021505724612655493	last:0.019332738680850062	each:0.014831033973666799	this:0.012977902392011034	:0.01
of:0.31063185156561574	in:0.3044256576178372	and:0.07822482280794679	In:0.07487553097007961	was:0.05814418324456559	is:0.05368458507920578	from:0.03940681403976899	are:0.03818723186898782	to:0.03241932280599246	:0.01
hundred:0.21256153157240074	Hundred:0.1309179622362047	North:0.11580110428985206	street:0.1139187828426542	north:0.0997376759982765	1:0.09344902985497104	east:0.07594270020665014	men:0.07518285043166437	city:0.0724883625673262	:0.01
the:0.2578423981179616	of:0.19741446101961269	a:0.12801448532527318	other:0.09545784179006683	their:0.07701583216762134	his:0.06183132615322653	our:0.06114398024423683	these:0.056327210534598646	public:0.0549524646474023	:0.01
of:0.37193846286173576	in:0.1317510926526986	to:0.11614686807891776	and:0.09179715739364669	with:0.08193496439077338	for:0.057150615096712765	by:0.050630064540699474	that:0.04451924709209025	on:0.044131527892725196	:0.01
;:0.3240364725311314	nothing:0.140514924837674	it,:0.12131909456812429	and:0.08186938633546977	them,:0.08080981602048773	is:0.07638052319289883	or:0.07583984419524044	time,:0.04756575141895295	all,:0.04166418690002058	:0.01
it:0.2292391064038637	It:0.21696561702150258	This:0.15216872378118323	which:0.09371134308053368	that:0.0823699607317968	this:0.07426658989754333	and:0.053275560998039914	there:0.048407602090468675	he:0.03959549599506813	:0.01
and:0.36982779042345776	to:0.16787976333709098	<s>:0.09530362350376026	of:0.08624370611986594	in:0.0776796524203485	on:0.05337804043391586	which:0.04954460238867509	by:0.0487207661148354	.:0.04142205525805008	:0.01
<s>:0.3524364014246782	them.:0.15445015839131512	it.:0.13882065810215444	time.:0.07743679976523872	him.:0.06989613994722738	.:0.05519793235050145	work.:0.048875796947477027	day.:0.0476885784501576	country.:0.045197534621249924	:0.01
of:0.25919883803158345	the:0.18841275418598943	and:0.12731149531046468	to:0.10264461601135579	was:0.07413436113579477	in:0.07099931091010063	be:0.05839422167739358	<s>:0.05607769843242761	for:0.052826704304890074	:0.01
the:0.42322247560010073	National:0.29659064354064124	Savings:0.07116817277837902	of:0.04683512975151768	State:0.04001860868462892	and:0.037033548385743784	The:0.035427905918430196	tho:0.02315164284573524	any:0.016551872494823094	:0.01
and:0.33342336910198833	of:0.1536406588227789	for:0.10258644802254656	fact:0.10239526376649137	is:0.0690011422137518	in:0.06783333181060314	but:0.05988137472302229	to:0.05230622209147044	was:0.04893218944734695	:0.01
and:0.1614347899551591	be:0.15770900669577867	to:0.15135928123319706	was:0.1426240924204296	I:0.08669391313102298	been:0.08083841058134271	will:0.07656653239372803	is:0.07452964542149208	he:0.05824432816784986	:0.01
and:0.4082358659059083	as:0.20173746211133045	that:0.17582805740589308	but:0.052442417101731906	or:0.05014592785820659	But:0.027024808179309193	even:0.025456712498217487	which,:0.024580779794228316	And:0.024547969145174632	:0.01
Now,:0.6025505396273463	Now:0.11444027196202008	Now.:0.06042799353780574	is,:0.05103061730093642	and,:0.04322540464139628	and:0.04240772152256158	are,:0.037727348898158465	If,:0.02042314741041137	that:0.017766955099363616	:0.01
of:0.4372811740881058	to:0.11378204561740272	in:0.11130563750146794	on:0.0847236412178563	that:0.07840397732425695	and:0.06992371962052707	for:0.038842496062712305	In:0.028326113282739603	by:0.027411195284931248	:0.01
and:0.263862062087125	is:0.12219217921690527	was:0.120501678782115	that:0.11238461365359963	but:0.1093211238993779	are:0.10072873520014715	or:0.062398017914343296	not:0.054070358037136	to:0.04454123120925075	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
the:0.32459660461412326	any:0.1572763942560775	this:0.11328057958727743	a:0.11217494627887475	every:0.08163927708125003	of:0.0547208688470373	other:0.04915490564371381	some:0.04869007536799434	that:0.048466348323651744	:0.01
and:0.23188217865745508	time:0.14306187424556427	ready:0.1349911069380445	demand:0.1166620178788386	used:0.08287243954795238	reason:0.0789610587832086	necessity:0.06938119425160298	not:0.06918264092560286	necessary:0.06300548877173066	:0.01
the:0.34266326959770643	and:0.1873739391350335	of:0.1162962428849144	a:0.08606499270317343	to:0.060212297109094946	The:0.05885240882749347	Mr.:0.054688619480127404	that:0.04837323912195996	by:0.03547499114049648	:0.01
he:0.24197949183040168	I:0.21337287298316746	they:0.17635597206479325	we:0.08258156825390826	she:0.06777073217159829	that:0.05524849155378004	who:0.054401511405436045	and:0.04928338227100552	it:0.04900597746590952	:0.01
<s>:0.271718939012929	it.:0.19544079425957905	them.:0.1235659725655281	him.:0.11650845024383524	time.:0.0693130737290791	country.:0.06674628025874714	life.:0.05337136142661315	?:0.05087849806830622	work.:0.04245663043538278	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
and:0.2608477288749207	so:0.15418597432284173	say:0.10909816675815547	fact:0.09376866153213209	said:0.0886081528955072	know:0.08686009470952578	me:0.08007687917600152	is:0.06909046178667248	but:0.047463879944242955	:0.01
the:0.3763309056420799	of:0.1503451551738515	and:0.1297319150070869	Mr.:0.07308757121993768	The:0.07066818816072408	a:0.06702079550468405	that:0.045629217965908346	as:0.04180724393986899	<s>:0.03537900738585849	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.23162151653407348	o'clock:0.22337441030599486	in:0.14254067690736477	on:0.08280148422816842	that:0.07925541748515233	and:0.07841778807043431	In:0.06405133000867737	to:0.04653678702740702	On:0.0414005894327274	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
and:0.2854264651535844	was:0.1199371907304285	made:0.10613345733596058	that:0.0990842628268067	is:0.07922806179484164	out:0.07754549482770905	up:0.07620427238330926	work:0.07579316491126531	but:0.07064763003609449	:0.01
he:0.22480229380192837	it:0.17485728277577847	they:0.12397626271710332	I:0.10874733808034656	that:0.0944115016573233	It:0.0934061924792438	we:0.05704965258936926	which:0.05692367062721336	and:0.055825805271693715	:0.01
the:0.23162914077824537	is:0.15999764087159798	an:0.1500667833132136	and:0.149949169606448	was:0.08024265398230065	are:0.07844260326876255	not:0.05546127343086869	of:0.04252464386348591	be:0.0416860908850773	:0.01
or:0.1704511908243868	and:0.1663940837148854	of:0.1522609305385349	is:0.12694130974790113	are:0.11105840033569944	the:0.0927689359875506	was:0.06568761756784221	for:0.054746290643277296	about:0.049691240639922224	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.3771569830326812	to:0.15639581719284276	that:0.11086282579756711	by:0.09064642731761739	in:0.07658837338436707	and:0.06898491390931626	with:0.0439406471558283	from:0.03483750019712137	as:0.030586512012658437	:0.01
of:0.3268626959833955	the:0.17994095334887644	to:0.122061432534124	in:0.10913732085470834	and:0.09499470595465354	by:0.047906737129281916	a:0.042122728956266633	for:0.03383711326306796	from:0.033136311975625575	:0.01
of:0.38321338718665354	and:0.1497047685803166	in:0.10520995263328595	to:0.10225870894152486	that:0.07243384117463512	with:0.05985556556590881	by:0.04490733135626972	from:0.040330904610045605	at:0.03208553995135988	:0.01
as:0.19436001227001629	and:0.1409601278107517	according:0.12688257803862749	up:0.1166538996954941	them:0.09546248046552396	regard:0.08571584773899625	come:0.08276545836165355	back:0.07647325798284847	return:0.07072633763608811	:0.01
the:0.27004892961346216	1st:0.15109863150680777	first:0.12513779671039005	a:0.10378703560438178	25th:0.08044042951759475	7th:0.06850863141428767	10th:0.0652308917143553	12th:0.06469097803790061	21st:0.06105667588081993	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938135	be:0.08008775556196854	a:0.07801796281644585	in:0.06960382693033287	is:0.06885254681667448	was:0.06803906530008293	he:0.0635047829848459	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.3530251995051372	of:0.1725577643926472	to:0.15405271388536537	that:0.08176770205542913	by:0.07799085875343623	in:0.046600995020472595	as:0.03811387867190476	which:0.037728100500736154	the:0.028162787214871303	:0.01
the:0.33758039761255415	of:0.21633161136957077	and:0.12906152555649922	to:0.11414882325148107	in:0.050883064366160975	a:0.046738077950108634	for:0.03655000094170071	as:0.03174185155220493	at:0.026964647399719585	:0.01
the:0.34364924440997374	of:0.18485997728502906	a:0.1212058801942383	and:0.09605228921121482	in:0.07189752277409439	to:0.06716183381171732	for:0.03654734460194308	or:0.03539409603242749	that:0.03323181167936186	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
the:0.25356289039958857	all:0.17683794889438467	of:0.12535127595188625	other:0.08239303021540093	and:0.08236413759489485	on:0.07635478187246784	these:0.06802485996173029	their:0.06313699187554406	be:0.06197408323410245	:0.01
out:0.17479152493052696	one:0.1612745066563113	some:0.1543730398369646	all:0.11549577046618895	part:0.104420569411086	because:0.07383495211930248	account:0.07284118264889747	many:0.07000946912075943	and:0.06295898480996275	:0.01
about:0.25627345662624385	and:0.1525780414491158	or:0.14188319998168508	of:0.12453050103236311	to:0.08145690538344733	was:0.06819806607973272	than:0.06337352604878882	at:0.06231494742578281	is:0.039391355972840617	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.41415335102675577	a:0.16168356146878968	of:0.11355050699964189	and:0.10541940537423934	The:0.05072568505286658	to:0.044227762344454025	in:0.03906889571782732	tho:0.03384881760515044	Mr.:0.02732201441027496	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
of:0.2723343506012546	the:0.15211691413223916	in:0.14474908498894518	and:0.10669210785856478	a:0.10005318306439581	for:0.07093535759997557	to:0.05989380476082654	by:0.044053180532697744	In:0.039172016461100696	:0.01
the:0.2946672515173435	a:0.19623106882800292	of:0.1750920763194982	in:0.08470107962196283	and:0.06730454872886621	that:0.049540483061718404	an:0.0441204818339337	as:0.03922338883388826	to:0.039119621254785915	:0.01
to:0.3723349332368032	will:0.17980673688281829	may:0.080880393777465	shall:0.07440215308701839	would:0.07261537212347752	can:0.06311618886502049	should:0.062041525606077175	could:0.044106009909052474	not:0.040696686512267564	:0.01
statute:0.4186740486360634	and:0.1773874122872153	that:0.07552749244437032	or:0.07132424490596527	as:0.05800094168043707	is:0.05059550344693197	it:0.04914277446266791	was:0.04506424724176516	be:0.044283334894583616	:0.01
out:0.20913951613367876	one:0.16183787472634523	number:0.11671036185633249	means:0.09907968061171493	place:0.09059392990652419	kind:0.08490699058795652	some:0.08041615824231119	amount:0.07804179237787515	all:0.06927369555726161	:0.01
of:0.19876338013405914	such:0.13933996966499632	with:0.12346715499129748	to:0.11137192285104953	in:0.10912495215830574	as:0.09408945978826261	for:0.07616465381307505	and:0.07508332739717427	is:0.06259517920177995	:0.01
;:0.14708084855117523	in:0.12760763455747906	one:0.1166999161165969	up:0.11609349218661465	there:0.11530930079588944	men:0.11504420037693022	it,:0.10058348528575854	them,:0.08018342326651151	to:0.07139769886304448	:0.01
the:0.6528059424773198	this:0.08227420552410566	an:0.07133763093835924	a:0.05509385039084751	tho:0.03902161562243248	The:0.02959573214005175	any:0.02119372182534115	our:0.020510395789999844	of:0.018166905291542638	:0.01
the:0.2366695049741145	of:0.171417182725107	to:0.1103642950013706	and:0.10573472350497891	.:0.09473422559031636	Mr.:0.08825249857628616	a:0.0777462500971279	in:0.0620918774307186	at:0.04298944209997995	:0.01
and:0.25741194153730856	the:0.17066964281857433	of:0.14389063486113232	to:0.1350621871629177	a:0.060634576604416034	that:0.057835388468332874	was:0.05774629654409644	said:0.05493057942129967	be:0.051818752581921916	:0.01
all:0.21357881357464759	it:0.17109218651982136	and:0.14009933012402886	went:0.08953810753119093	him:0.08033885886518542	them:0.07688681981197465	was:0.07654321505881781	is:0.07157275585741621	turned:0.07034991265691713	:0.01
the:0.24343084569487752	and:0.16178693456557883	of:0.13887751795222011	to:0.1244772705341572	a:0.11336884681343598	be:0.05818394061425249	is:0.050746831112712124	in:0.049860590702662695	was:0.049267222010103036	:0.01
the:0.30628272852936234	of:0.29266776103583936	on:0.10111695884874927	at:0.07871794877273412	from:0.06726248087188437	in:0.04676604280677448	and:0.045799176986047754	by:0.028538955771357396	to:0.022847946377251103	:0.01
they:0.18080631959574955	who:0.1750815008604293	and:0.12413526538554485	which:0.12181051907677966	we:0.09351303224851278	They:0.08721273691065339	that:0.07631906310648412	there:0.07604495193272705	men:0.05507661088311933	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
at:0.3811729830337083	for:0.13627408383995143	to:0.08582786369334523	of:0.08346195149432732	about:0.08274465020700175	the:0.07088241910649776	and:0.06504391756112296	in:0.04549113155347143	a:0.039100999510573935	:0.01
of:0.36876438201867373	to:0.14987539468733338	at:0.08298418731914423	for:0.08232093098376486	in:0.07392931100422866	that:0.06662684976373441	and:0.06532579769870024	by:0.054092389148951266	from:0.04608075737546927	:0.01
It:0.23841182645848097	it:0.21824502470799959	I:0.10628269665729698	there:0.10356699866170523	he:0.09935185675291462	This:0.07151350969947534	and:0.06355775541249249	which:0.04666572036885077	He:0.042404611280783995	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
at:0.4562891757644557	of:0.13314261351985224	to:0.11917083786917342	in:0.11320130160094674	for:0.044110512794253445	from:0.04163281781953254	In:0.03779810310854781	At:0.0227678747742466	and:0.021886762748991487	:0.01
the:0.2569753914548661	and:0.19562318736474676	of:0.12076019478778793	to:0.09468467296423633	a:0.08152430890971911	was:0.06570150192683048	in:0.06383061256560314	be:0.056194940731177506	Mr.:0.054705189295032604	:0.01
the:0.2655547061970945	a:0.11984531090167465	his:0.1166570211521847	their:0.10893950838564095	this:0.09125590909844604	of:0.09006336643076862	in:0.07742761617063597	our:0.06209008349191532	great:0.058166478171639155	:0.01
made:0.2195546599814402	and:0.18561109181996902	accompanied:0.144815638601681	him:0.09541865039509974	was:0.08555379799498081	up:0.0660686024961397	it:0.06504256922597976	ed:0.06418895017978775	followed:0.06374603930492198	:0.01
he:0.23461108174321355	and:0.15870717109678972	it:0.12278480252439182	who:0.103050909074278	He:0.10127958859555754	It:0.0972595841851471	which:0.07771123774839825	that:0.05608256503793535	she:0.03851305999428872	:0.01
of:0.4009708504557972	and:0.12472857175867988	to:0.09006148679103704	for:0.08778183853644984	that:0.0755259563210443	in:0.06779930288563923	with:0.05635515206504965	by:0.0468050905171568	have:0.03997175066914597	:0.01
put:0.18847409294273135	to:0.18513274911014835	of:0.17031586654199354	keep:0.09474672552990601	get:0.07813572212585805	take:0.07699164268760639	for:0.07482053609968632	with:0.06891151619551981	give:0.05247114876655016	:0.01
the:0.292637807673609	and:0.2213087906255793	of:0.11863059456932074	in:0.069392364097213	was:0.0693297847939321	to:0.06048329639524874	for:0.053710583531059	that:0.052451811278698544	is:0.052054967035339364	:0.01
the:0.26791389962251005	and:0.2060464017598321	of:0.1366151749500514	a:0.13057479788155224	to:0.05864680646413484	was:0.05264525948852615	be:0.050260325745846844	is:0.045728058744988295	at:0.04156927534255822	:0.01
and:0.2112656544461926	it:0.15805436947476864	is:0.1320832514182605	was:0.09945075881967688	him:0.09116847119142775	feet:0.08482051921006432	that:0.07407312113502325	out:0.06989889462230033	them:0.06918495968228562	:0.01
the:0.23974091638113026	of:0.1969361884141801	and:0.19046554665080836	in:0.09407716793877345	to:0.09242042121960872	on:0.0602655665467947	that:0.04264054456303816	as:0.03754127152809341	an:0.03591237675757279	:0.01
went:0.17178871805255977	carried:0.15946554813513641	get:0.11397926239097952	go:0.11356092600383767	passed:0.10239743750061629	far:0.09493524296229022	taken:0.09012404357862908	turned:0.07732884363330848	ran:0.0664199777426425	:0.01
the:0.3783233056851461	a:0.18810947141554435	of:0.117987219638117	and:0.06907723898419545	are:0.05789959875181497	with:0.0519640834557383	very:0.0462300985051645	these:0.042021595043612206	other:0.038387388520667004	:0.01
W.:0.18090597761858682	Mrs.:0.15045333208372488	.:0.12624089870642388	Mr.:0.10967608151259149	John:0.10341847246215677	J.:0.09979980684613282	M.:0.08144325449585788	S.:0.06951658190365707	H.:0.06854559437086846	:0.01
up:0.15814385675393813	addition:0.13742981650675554	and:0.12458187151217107	came:0.11414416982463267	as:0.11250542114965958	due:0.08882136789922333	according:0.08683615157811309	reference:0.08455786721599691	sent:0.08297947755950968	:0.01
was:0.24774603140940615	be:0.14103585575989716	he:0.1063440017700851	are:0.09950623853837755	is:0.09647668674477552	been:0.09120266663398621	were:0.08357964213027552	and:0.07474765400692715	not:0.04936122300626972	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
feet:0.40723289328325385	so:0.1541400269093496	inches:0.09062694267549952	and:0.07417606606313946	a:0.06052339366098689	as:0.05465154812821923	is:0.05412472667620259	was:0.050670223791102954	too:0.04385417881224584	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
<s>:0.24643505364970167	that:0.22567481111489607	and:0.11986402130738497	it.:0.10509411761497947	but:0.07308474448235741	as:0.06237988616146023	them.:0.06028718069699419	country.:0.04939834692648971	of:0.04778183804573639	:0.01
of:0.36237699085490277	and:0.1584298618362114	are:0.1021402174342317	is:0.08583334846083972	in:0.07783911308007345	the:0.05858709598298881	by:0.04963069438025839	now:0.048775650303785716	for:0.04638702766670799	:0.01
was:0.20132007229060425	be:0.1854907800839878	is:0.17565975672038223	are:0.13801568311502382	and:0.0883577787902333	were:0.06957052644481533	al-:0.04681675482419213	am:0.04338016534791158	been:0.04138848238284955	:0.01
he:0.20840429420937265	and:0.20595958626555524	who:0.11958065717729792	has:0.10327527730907946	I:0.08269802795476983	they:0.07903160061780941	which:0.06816570166279683	she:0.063317749421743	He:0.0595671053815757	:0.01
the:0.3512517721665908	a:0.1636197724919029	and:0.11166884920351652	of:0.0923036582707141	to:0.07460562551363435	in:0.06410620333148918	The:0.05279357765444189	his:0.0467339245414278	on:0.03291661682628248	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.37668106988304945	and:0.14563163362336956	a:0.09783159338873648	of:0.09443418566631163	Mr.:0.0827453608742433	The:0.06773331892338548	is:0.05615369308694588	was:0.03641971645236759	be:0.032369428101590755	:0.01
was:0.25463058949695705	be:0.2520452029764532	is:0.15176294840386526	been:0.0813106974425593	are:0.0591226912217203	and:0.05395930981219559	were:0.04938262492444196	not:0.04631048662567573	had:0.04147544909613164	:0.01
of:0.4695241345506001	in:0.19885349759578877	to:0.10263051736049658	from:0.05860656300290968	on:0.0453671561456441	by:0.037637966025012064	In:0.02976243592272966	at:0.027618203094139853	for:0.019999526302679132	:0.01
the:0.36246456783866093	a:0.18184834535664635	of:0.1317879922919672	and:0.08979257835617445	to:0.05468308221804668	in:0.049615895882783916	be:0.041329883953256014	his:0.041312460684435615	or:0.037165193418028986	:0.01
able:0.18221192615727286	enough:0.11744211338880539	began:0.11116928395334544	and:0.1075155181693138	right:0.10483962336669028	time:0.10438842465459325	order:0.09396830138087103	him:0.09210917334705768	is:0.0763556355820502	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
that:0.4248767727810632	and:0.21696169084527836	but:0.07728732858024093	if:0.05209935182685942	when:0.05161873506627446	where:0.04967867968515334	which:0.04575344605788949	as:0.042465679687247924	Then:0.029258315469992895	:0.01
he:0.2913966569416202	I:0.2329214623184916	they:0.1358545404873134	she:0.08346364777631463	we:0.06871481078940406	and:0.054329344265138746	who:0.04702952708024239	it:0.03970841301723734	that:0.03658159732423769	:0.01
of:0.23247340958949442	the:0.18549381681525848	a:0.16563991642025827	and:0.13405826467782853	to:0.09689243502144809	in:0.07121652963131524	for:0.03659070670469316	that:0.03389909517504871	by:0.03373582596465522	:0.01
the:0.7718097860870021	The:0.08496113944392816	tho:0.03711886995311214	its:0.027728498850858777	our:0.01984892495780323	their:0.013785119978064773	a:0.012854961071407774	tbe:0.011535107629601537	this:0.010357592028221478	:0.01
<s>:0.34536584090749134	.:0.17030142884856103	it.:0.13808065866444633	and:0.07698061398237181	Mr.:0.05626286163417944	boy.:0.0542794900009697	him.:0.052391136692829125	time.:0.05019891112518788	girl.:0.0461390581439633	:0.01
would:0.22980511667265655	to:0.17299540970927665	who:0.12482764014450815	they:0.1035530767531353	I:0.09251266344910343	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.055635813079984546	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
the:0.2870188507795269	by:0.2337868893092408	and:0.1704777086736826	of:0.08156132730851645	said:0.05786288148245704	<s>:0.05166677303272644	to:0.047280497580960826	The:0.03336463893064976	that:0.026980432902239428	:0.01
is:0.44410110038145234	was:0.23012557249181884	are:0.06934435729372343	and:0.06701534173176242	Is:0.0591524242420799	had:0.034758673704862096	has:0.031124884677625808	were:0.029326294222753523	have:0.025051351253921546	:0.01
and:0.32434810589817087	was:0.11832549081564547	held:0.10061653345026712	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139066	arrived:0.07348439933321943	that:0.0714853472708103	interest:0.06758836938612982	:0.01
to:0.31183925208060853	will:0.126130591692272	t:0.11984709946223056	that:0.09195814575382462	would:0.08591361815159086	and:0.0853485014069716	I:0.06613257642948804	may:0.05734860361106113	which:0.045481611411952734	:0.01
of:0.4325262965006754	to:0.11455460174793375	in:0.10410087224767896	and:0.07101947834816168	with:0.06987258841558958	by:0.054241688905615724	that:0.053557795149520304	for:0.04585907678945132	on:0.04426760189537326	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.5752343176843888	in:0.14728314967164774	to:0.07586931738189924	by:0.06094295978398383	In:0.03187140209691087	from:0.02685828138852238	that:0.02651800685039899	for:0.023111756606175194	and:0.022310808536072903	:0.01
the:0.6467801637858189	of:0.09560488615558566	The:0.08037133561297699	a:0.033143847138153236	from:0.03298819876811152	tho:0.03117720774355363	and:0.027085859132555748	for:0.02417573292205857	in:0.018672768741185758	:0.01
one:0.33708984341259335	part:0.14875576146602673	out:0.10384043397499726	portion:0.09083714555922895	side:0.07562804233059955	some:0.06197550487992145	that:0.060324718837243906	tion:0.057990436636891	member:0.05355811290249791	:0.01
secured:0.5336685870434595	made:0.10638087951975662	and:0.08550724488639849	provided:0.05702204426176156	conveyed:0.05366404586072775	executed:0.041185281960231676	that:0.04029795779638895	delivered:0.036366909633562615	filed:0.03590704903771286	:0.01
of:0.2442091513167649	at:0.18722318599580587	in:0.14201561149440772	to:0.10917809626578173	on:0.0876512142655118	for:0.06870824872846423	and:0.0661191441988565	from:0.04695251959403473	that:0.037942828140372614	:0.01
up:0.18221495063507118	men:0.1234993953539625	time:0.11527257074984575	him:0.11333022494131098	years:0.1015139868314754	;:0.09333325615261823	here:0.09004003517934062	it,:0.08631519857348517	day:0.08448038158289028	:0.01
and:0.43687302444182485	the:0.1656483222238112	of:0.13185335859983305	from:0.062217104083992794	a:0.04831119059525676	that:0.04125702827114566	his:0.04026267487342586	or:0.03241680918928567	as:0.031160487721424126	:0.01
to:0.25717018450531304	will:0.19829733899235513	would:0.1415241045440231	may:0.09908017878214848	should:0.07955880467146435	shall:0.07349905741243663	not:0.07244585600772294	must:0.03837026346409415	can:0.030054211620442157	:0.01
of:0.34274355272284135	in:0.2464128468676838	for:0.09174634152779249	and:0.07561156025880225	by:0.06288915427947309	are:0.05592311426047391	In:0.04902482834890969	is:0.03667137115215386	with:0.028977230581869656	:0.01
of:0.39681938364279756	the:0.1660333616972083	and:0.10283586165667626	a:0.07922171720207676	to:0.06780844012305043	with:0.05495612281074111	in:0.04489832413106012	for:0.041422555553237074	some:0.03600423318315246	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.23781721663697947	Navy:0.18980550119945877	War:0.1351266178164404	of:0.13274760770849783	Treasury:0.10603556982993685	Fire:0.084385346793452	State:0.0655803108122912	and:0.021231189967164634	Agricultural:0.017270639235778765	:0.01
it:0.20845608755439402	he:0.1687388031110009	It:0.1558571110141384	there:0.10998328713517042	I:0.0954570731728006	He:0.07335748389033457	which:0.06741009088989819	There:0.060094986234801036	and:0.05064507699746187	:0.01
a:0.20476048136812153	to:0.19245913356316552	the:0.17682253388252547	this:0.15241101100946577	last:0.09769657839659035	and:0.05345377158804743	next:0.046187161135521834	can:0.03707661591726766	or:0.029132713139294435	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
for:0.29489276419746485	of:0.2523440022676101	during:0.13492762353425033	in:0.10410423253229831	to:0.06217613667240507	all:0.038759957989421064	In:0.03739965699463148	at:0.03682863540916798	During:0.028566990402750854	:0.01
the:0.34584706959979256	of:0.19708121978245174	and:0.12613815621372287	a:0.10447936440073811	to:0.08956612217732185	in:0.041016674070462486	his:0.03200308395156672	for:0.028548771976268244	Mr.:0.025319537827675372	:0.01
point:0.1624511366643799	number:0.13437948141646788	line:0.12941384540697837	amount:0.12064626881098804	day:0.11875968537485486	out:0.09886989960198694	bushels:0.08049453431359904	state:0.07962722287779597	costs:0.06535792553294904	:0.01
the:0.3750384762589013	and:0.15576776943066303	of:0.11608042505907364	Mr.:0.08439344936867432	The:0.0792024172348829	a:0.061633308384532494	his:0.0442242362747654	I:0.03748669960758615	that:0.03617321838092082	:0.01
for:0.2404568543899606	of:0.19073581711897075	to:0.12572958470555864	and:0.09163897352723771	in:0.08458251427101142	with:0.08176959462428865	about:0.06706360359027476	upon:0.06510782249694265	by:0.04291523527575476	:0.01
of:0.27674418359778935	for:0.1310630874381887	to:0.12225949617901047	and:0.11861243537793394	by:0.09984656416996335	in:0.08082239546571575	with:0.06552409710678045	that:0.056255655129510536	at:0.03887208553510742	:0.01
the:0.24530449212159763	of:0.16248162840082866	and:0.14843583561982954	to:0.14812932033974008	in:0.07026439162584772	was:0.06501632637583915	Mr.:0.05213509403927933	that:0.051159642967783914	is:0.04707326850925396	:0.01
is:0.17514906410384865	as:0.1551282822221947	and:0.13350901425543146	seemed:0.10060773641129674	was:0.09320996450495501	him:0.0898962227553296	seem:0.08257665139768071	seems:0.08065313336928243	reason:0.0792699309799807	:0.01
and:0.18131214675548282	said:0.1668324004007402	of:0.1592346328484425	in:0.13418010759890403	on:0.10129593966546613	to:0.09229934884821175	at:0.06008452008704495	fact:0.049523899029018284	from:0.045237004766689244	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.12537937924608727	and:0.10985980430753879	in:0.06240993305390327	for:0.06192854377065039	be:0.05083764956696977	was:0.03700580416928512	is:0.0336844012946531	:0.01
the:0.677758424695925	The:0.06915165470174503	and:0.04842016432690057	assessed:0.045516747625198126	par:0.04420237735750635	tho:0.032961749051453666	in:0.02540120118173747	of:0.023414569170016337	a:0.023173111889517532	:0.01
;:0.19144271596780793	it,:0.16073763154027443	here:0.12049437696626474	him,:0.11804649775025872	them,:0.09400661208989028	him:0.08015674650162938	up:0.08012724368830139	time,:0.07692296664228485	in:0.06806520885328828	:0.01
to:0.2693604826883398	a:0.1827091017239264	the:0.1633346407465591	great:0.0875797229770177	of:0.0687589584753132	in:0.06595249542576563	large:0.05771893090981783	and:0.05506986418094314	full:0.03951580287231711	:0.01
the:0.7486550225366531	and:0.053408987972149546	tho:0.05077130808371849	The:0.03343389637006097	said:0.029509992288055016	a:0.021335883128875376	an:0.019643153764214973	tbe:0.019271187093171122	this:0.013970568763101442	:0.01
the:0.23782049310212533	and:0.19214892314342139	of:0.1765901506244558	.:0.09973880484111639	to:0.06735634874139797	by:0.06218655947585804	Mrs.:0.05882569915609157	<s>:0.05162777795757545	Mr.:0.043705242957957996	:0.01
the:0.4320995583881551	of:0.14335201496351516	and:0.10351278576403533	a:0.09289432076421932	for:0.059603860359418	to:0.046643405520275974	in:0.04028944737312885	at:0.03972708564128774	was:0.0318775212259644	:0.01
able:0.14511234966528908	and:0.13172820859723178	is:0.1247686614230459	have:0.11730326646781511	him:0.11082659939939717	had:0.0955401572626202	right:0.09040877079752839	enough:0.08874364021609925	willing:0.08556834617097307	:0.01
it:0.18924446846710682	they:0.1617011815799078	we:0.13504833292056026	he:0.0968247584315821	you:0.09402679218518761	It:0.0918722994789885	that:0.08249575728333151	which:0.07027829102980948	I:0.06850811862352578	:0.01
of:0.26365362265741593	the:0.1704905140822076	to:0.11306213465073207	and:0.1041612911258714	a:0.10341881961543098	in:0.08147405164165124	on:0.0624931657200141	that:0.04990767704676707	by:0.04133872345990952	:0.01
he:0.24197949183040168	I:0.21337287298316746	they:0.17635597206479325	we:0.08258156825390826	she:0.06777073217159829	that:0.05524849155378004	who:0.054401511405436045	and:0.04928338227100552	it:0.04900597746590952	:0.01
the:0.35295075096745687	of:0.23576116297493566	to:0.12888654523496526	and:0.09050904376590592	in:0.04133297937505859	be:0.041256673741006576	for:0.03751470473767561	<s>:0.031533700307135176	a:0.03025443889586021	:0.01
and:0.4507464091290412	that:0.12017042480682909	a:0.0798647610066896	but:0.07851679901784937	was:0.06784990166390423	;:0.05201065205472505	as:0.049794902940499146	is:0.04769894791451482	the:0.0433472014659476	:0.01
the:0.31731899731419366	his:0.25052688181815264	a:0.12841514023546693	my:0.08435812238608971	her:0.08261934459206441	and:0.0365102525582043	your:0.03215587653540828	of:0.03170111491466865	their:0.026394269645751433	:0.01
<s>:0.5943634504914762	it.:0.08025331597383818	.:0.06526781210625669	them.:0.05407242088167544	him.:0.050816830214593246	day.:0.0416287870989855	time.:0.03717298205037291	country.:0.03436743960248565	year.:0.03205696158031614	:0.01
and:0.30893563898695797	recorded:0.19647414103766966	that:0.10161320396730188	office:0.07539826709903061	feet:0.07306893992450464	interest:0.060552319413419084	or:0.05926684488085345	payable:0.05797598617836224	as:0.056714658511900544	:0.01
the:0.3853244944598765	of:0.20161191429901182	and:0.13281277996971314	a:0.12239923761336709	in:0.03551265260697983	to:0.03103354669114786	or:0.028518751250521997	The:0.02804008313706694	tho:0.024746539972314786	:0.01
the:0.2750798455198843	this:0.16726521565965224	any:0.1469566470513928	a:0.1363297062587107	no:0.11908451184469201	every:0.05170788840382712	that:0.04579971355520417	of:0.023965743369448667	The:0.023810728337188038	:0.01
of:0.38872922053319475	in:0.2638001546955156	to:0.0720554274439016	In:0.05885648329719272	by:0.05737144425441884	at:0.05455866613856436	on:0.03878451340900951	from:0.03498977749437273	with:0.020854312733829965	:0.01
and:0.4411913835658316	that:0.23978024826383804	or:0.08299326499536336	but:0.0709415093413153	it:0.03972114668803472	only:0.037694803014315444	made:0.027896735744640112	which:0.02543202013603575	time:0.0243488882506256	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
.:0.17921948508185798	the:0.17865536667754417	and:0.13285770609564276	of:0.12271096677171323	to:0.0925927148441608	Mr.:0.0733407735702612	Mrs.:0.07282868314789696	Miss:0.07266232258346225	a:0.06513198122746064	:0.01
of:0.1537826439971264	and:0.14351042057280228	as:0.14040247578538873	for:0.1382894768143878	to:0.10879242358043771	put:0.0897930602072348	that:0.0744893245107768	in:0.07441388295184118	with:0.06652629158000435	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.1177148385676645	they:0.0914384776859708	that:0.08313239062920648	which:0.07694098793602959	he:0.07501873352304171	and:0.07330080551631972	I:0.05566581471392691	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.25736041903016005	a:0.19708050356851362	to:0.17382933985619117	and:0.0947886000352611	in:0.059958609647751834	of:0.057117577543964695	not:0.05551311771120407	abun-:0.05473326066921939	will:0.03961857193773407	:0.01
of:0.3869783035647579	in:0.21492185207099654	to:0.11178530117010436	and:0.054119153678918765	that:0.048623188379915666	In:0.04780578328085678	by:0.04507216933149293	for:0.04125300597992876	with:0.039441242543028415	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
and:0.1946807431621486	that:0.18415537457038195	<s>:0.1344168402665615	.:0.11102707889038328	it:0.07842206847814756	,:0.0755250169085113	:0.07363977168710541	which:0.07277882712099841	as:0.06535427891576212	:0.01
be:0.38377012343378114	was:0.140198004576577	is:0.12041768148332613	are:0.10103895305241431	been:0.07936201455982601	were:0.05264629182780072	not:0.04099159477377916	and:0.03746697549476483	being:0.03410836079773071	:0.01
to:0.5519126657846303	and:0.07437264285650906	I:0.07299058310142127	they:0.058575068581211885	we:0.05082246923185774	you:0.04706758141946531	would:0.04686869205214508	will:0.046334131365361575	not:0.0410561656073979	:0.01
is:0.23674401525880662	had:0.16803731843843045	have:0.14390880328426628	was:0.14123825649857216	has:0.13995218378602775	are:0.07936935371313711	Is:0.03353412094643773	were:0.02657092430952562	do:0.020645023764796218	:0.01
have:0.32110917099725084	had:0.31621957297904596	has:0.20369650500243872	was:0.042381300392962507	and:0.024110834160118836	be:0.02305167612060714	is:0.021277027749901308	having:0.01916154507005333	been:0.018992367527621495	:0.01
the:0.5561706520498256	The:0.11229151438833225	of:0.10521193168741373	this:0.06673946912786048	that:0.05016780946772546	a:0.0313392754299363	and:0.02634934409106621	tho:0.02572244172255925	This:0.016007562035280504	:0.01
make:0.1968535340460522	made:0.17166064479701054	put:0.11846364671243377	get:0.1052219568155824	take:0.09717062046514469	keep:0.09092703438924915	taken:0.07915273705180277	give:0.0687727031214382	kept:0.061777122601286205	:0.01
the:0.19349656783908664	in:0.18504648661148873	and:0.16756300787322875	of:0.11579052314993234	to:0.09704226377818853	or:0.07542843515387129	a:0.07502828720940732	In:0.05110938717412653	at:0.02949504121066994	:0.01
the:0.7312085221187561	The:0.1610311006947722	tho:0.03323611382408531	this:0.016218607629127604	tbe:0.011784646913439063	that:0.011408931143822599	This:0.008735380165971744	a:0.008648468416300691	our:0.007728229093724685	:0.01
of:0.5134160660290498	to:0.0886203906455849	on:0.07921820010023009	in:0.0782813058792108	by:0.06644480246821434	and:0.045458698635126096	from:0.04029158967735339	that:0.03948391571576328	at:0.03878503084946743	:0.01
and:0.3466000856180893	he:0.1462828336351403	had:0.10008706473615675	be:0.09111665973860789	was:0.08162798666235388	I:0.060641671030197776	have:0.05912232329094802	that:0.052830354336991486	the:0.05169102095151463	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.26972211547743186	Mr.:0.1341142975600261	the:0.1177246423275885	and:0.10930082018188636	at:0.09552890448829227	by:0.0883649538796043	to:0.07492209142424909	dis-:0.05176114936235328	for:0.04856102529856804	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
the:0.4523040761781632	a:0.08601438328463988	so:0.08344098776531732	other:0.07788037497232563	to:0.07643687756355651	such:0.058693143422199695	re-:0.056270908118787114	tho:0.05119240103425146	and:0.047766847660759164	:0.01
I:0.33107032691242044	they:0.14979650053711469	you:0.1165501999331443	we:0.11124386952233077	and:0.08573016942658869	he:0.05931908014391358	who:0.0512572076276241	You:0.04629085821713318	We:0.03874178767973021	:0.01
the:0.7469353475017634	a:0.05026289902145727	and:0.039390860690945904	tho:0.03201545916804407	in:0.029322185764919576	of:0.02832652240108852	The:0.025168615379391267	his:0.022762638935069652	great:0.01581547113732027	:0.01
the:0.398388335237365	of:0.1556645247028411	these:0.08364452893625271	The:0.07843958681151554	his:0.07245067543002358	and:0.05667414554729078	two:0.04955030618304873	some:0.04793833175037182	their:0.047249565401290494	:0.01
of:0.43490842747986636	to:0.11561766729691893	in:0.08613561979137925	on:0.07768624432440238	at:0.07585072088353038	by:0.06102972444250152	for:0.05015039768933709	from:0.047727480915733284	and:0.04089371717633077	:0.01
the:0.24596288955955295	and:0.16331079864438022	of:0.1497562475098918	to:0.11241360832287664	in:0.09064769647032553	his:0.060910616163415525	be:0.060673008123120625	a:0.054443630683502685	for:0.051881504522934004	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
and:0.1742400753232728	going:0.12054605069883027	him:0.1140358960568757	is:0.11198066079957673	time:0.10153418794314156	able:0.09649645255060463	as:0.09632583922096133	order:0.0887420330273239	enough:0.08609880437941306	:0.01
the:0.5269882284711055	of:0.10402081129140277	Western:0.10284882185796496	and:0.07235196814516763	a:0.06599229766513055	The:0.04233924556067234	tho:0.02870399691592201	large:0.023689166945570345	an:0.02306546314706393	:0.01
I:0.29168188171603987	to:0.14246453168012804	we:0.12512399906766933	they:0.09264781655709249	would:0.0851083107798543	We:0.07638683068926663	who:0.06452271763319462	you:0.06067599916542702	will:0.05138791271132766	:0.01
one:0.23605402837694317	part:0.17194359534856798	some:0.13057929531661294	out:0.12609862768167032	all:0.08237599258252051	portion:0.07212181862165871	any:0.059401597507645225	much:0.056366864893261065	that:0.05505817967112018	:0.01
he:0.29759384126645533	I:0.14712822519614255	who:0.13357369841600397	they:0.09630194152462256	she:0.07780358321265955	and:0.07122033994947809	which:0.06282023249521906	He:0.05213221799963883	that:0.051425919939780025	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.36448427843454484	that:0.1258707608491304	by:0.12466168303486135	to:0.10221334951584063	in:0.07605065109935912	and:0.07165822170306843	for:0.04865936824083497	with:0.03921177583435405	as:0.03718991128800623	:0.01
in:0.31792377872811106	of:0.3160478906012064	In:0.08985564593972063	for:0.06884183363249788	to:0.06561217393555714	from:0.03690872438645059	at:0.03551889091090369	on:0.03218534376603158	that:0.0271057180995211	:0.01
the:0.5764976416279587	an:0.13960572032793647	The:0.07170536629848716	of:0.06944067143658407	tho:0.028452659273184442	in:0.028201974074869414	his:0.02668395909929764	a:0.025796978683019146	their:0.023615029178663087	:0.01
from:0.1408471128159982	and:0.13864073982157082	give:0.12308132543580362	of:0.11690498071019698	for:0.11194955137732554	with:0.0972548152554179	as:0.09548044624190305	in:0.09221888719258574	that:0.07362214114919813	:0.01
and:0.35191244160203955	that:0.2088618405477544	time:0.11633772747427895	but:0.10257574540072963	day:0.08700696739176635	which:0.038806610409689093	do:0.031193574372504498	days:0.026919651164873066	the:0.026385441636364384	:0.01
the:0.40097266317493135	this:0.2140581702481896	last:0.11797389095921397	a:0.11269801685148563	next:0.03882168692638593	every:0.027918421008445264	The:0.027578316398206095	first:0.025227684989017344	that:0.02475114944412493	:0.01
a:0.19695323005005633	the:0.16816913302810177	of:0.14822321855124101	and:0.13939369829278436	to:0.08838261293154283	in:0.07993288548178436	for:0.0784798399018892	that:0.05177581610431104	by:0.03868956565828905	:0.01
N.:0.3379391929569853	S.:0.2628840733373512	north:0.12549704166971248	8.:0.09503047110010221	south:0.06900896873959955	thence:0.03973352059523933	and:0.023359271772177982	of:0.019513221553331548	lot:0.017034238275500265	:0.01
him.:0.25317321457065084	<s>:0.18130793926850525	it.:0.15129184530075573	them.:0.0907766489008253	life.:0.07254184254062769	time.:0.06368201276776488	years.:0.06338560871683434	her.:0.06282010670713185	man.:0.05102078122690411	:0.01
the:0.4886666072865456	The:0.2596689141452807	and:0.07007923073118724	to:0.044470467602728596	of:0.0309929166904109	tho:0.026189677820558647	that:0.02547968968529347	a:0.023855975183393323	his:0.0205965208546014	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
as:0.22713013832443654	and:0.14913268565836643	up:0.12014873316021932	him:0.08859689887480426	came:0.08573191708160047	them:0.08362630907797408	come:0.08309578494597854	it:0.07827016552533762	is:0.07426736735128274	:0.01
the:0.3095876780584938	of:0.17316931702614413	to:0.12268602141238893	and:0.12089557564332551	a:0.08723231527611129	in:0.05333032522055631	be:0.04669364142145447	is:0.03842252484347462	for:0.0379826010980508	:0.01
to:0.26430537991195313	with:0.22189542876708748	for:0.13145966769727485	of:0.12095557243699379	upon:0.07041237561615137	on:0.0554738486082836	against:0.04941711182891035	in:0.03842099385453453	from:0.03765962127881074	:0.01
at:0.22606604972269348	of:0.20393953051698147	in:0.16750080429008354	to:0.09178212860210258	on:0.07338281661280806	for:0.07328046460725855	and:0.0653471204622718	that:0.045503935447936676	from:0.04319714973786389	:0.01
the:0.370468028844082	of:0.16197959071813423	a:0.11620225545906815	and:0.08997785154833243	to:0.07537666464476171	in:0.050236849413235495	or:0.04761768841594652	that:0.041025473223717454	The:0.03711559773272205	:0.01
and:0.6773171550201491	of:0.08141862591455745	that:0.06900824519565538	by:0.05780433568759132	<s>:0.03670504221795486	to:0.030548800211983043	said:0.01345129211953643	sister,:0.012281499649984939	from:0.011465003982587285	:0.01
and:0.25607855654383166	the:0.232976014297585	a:0.1011039369424828	A:0.09550581336299062	Mrs.:0.07816854155485184	of:0.06604198215718317	.:0.055420096805561626	<s>:0.054963626859755914	Miss:0.04974143147575749	:0.01
of:0.2879064669194967	in:0.24596414768051103	and:0.10820845216404885	to:0.09314630581640905	on:0.08141713597891058	for:0.05376069964023511	with:0.041087657114371394	from:0.04093770613401446	In:0.03757142855200292	:0.01
the:0.279807205437013	I:0.21365608347386927	a:0.13937598616676664	and:0.08145605989252477	not:0.07548668343831878	we:0.06799077503383469	to:0.056133875613555186	you:0.038298257065494924	who:0.03779507387862266	:0.01
out:0.259970022090428	number:0.1270492007085476	amount:0.1185888812941924	place:0.09967653950151974	purpose:0.09524074593671822	cost:0.08363864668320183	line:0.07174631736481127	tion:0.0672561356311379	board:0.06683351078944313	:0.01
part:0.23778318274648852	out:0.13650194996190237	one:0.13545965218630326	side:0.13023444109046506	day:0.11277447639813931	and:0.0624896910783979	portion:0.06245552651548233	that:0.05669612236879782	case:0.05560495765402345	:0.01
<s>:0.40503749299508096	it.:0.1648277973236291	them.:0.11978284897157628	him.:0.06475006504161851	time.:0.06110451381365808	country.:0.04844788492837501	.:0.04478272601418663	day.:0.04250298766166827	life.:0.0387636832502071	:0.01
the:0.27561886274537956	of:0.1952531732620512	and:0.16976870551504375	to:0.0950836377911057	in:0.07374570886239616	that:0.05499695557351459	for:0.04793679366161944	by:0.04431680658497327	on:0.03327935600391625	:0.01
it:0.2277667432208716	which:0.13941250667008595	he:0.12894566790074866	It:0.11860337441045683	and:0.09966209044342629	that:0.09770428239226572	be-:0.07946549882673551	who:0.05491329322416052	there:0.043526542911248925	:0.01
there:0.3940259511940087	There:0.20907678766799084	they:0.13591065617314915	and:0.05636043797824098	who:0.055800136740768926	They:0.041474364655915	we:0.0387645155857635	which:0.035188380066608765	that:0.023398769937554187	:0.01
the:0.6996842814854728	a:0.10312846252546914	of:0.04210711987981017	The:0.040769118749780744	tho:0.028428914008963663	until:0.0239383456708827	and:0.021276818685242407	this:0.015913384117584313	too:0.014753554876793968	:0.01
it:0.2292391064038637	It:0.21696561702150258	This:0.15216872378118323	which:0.09371134308053368	that:0.0823699607317968	this:0.07426658989754333	and:0.053275560998039914	there:0.048407602090468675	he:0.03959549599506813	:0.01
the:0.30203881895949847	a:0.18395506785575846	of:0.16873631212843848	in:0.09204294180971802	for:0.07023775506713065	and:0.058703932053046075	to:0.04384760128240317	by:0.040681992493739244	his:0.029755578350267535	:0.01
was:0.27977433601870544	be:0.17392506983137218	is:0.16142939698654665	been:0.144343393776088	were:0.06694342776650358	are:0.054427459680031855	being:0.0386811337439232	and:0.03670683279936627	had:0.03376894939746286	:0.01
it:0.22032745468847664	he:0.20076413298571408	I:0.13323657851913465	they:0.09118638266553038	that:0.07899630474111168	who:0.06889970757666233	and:0.06846676232695809	It:0.0670534761113512	which:0.0610692003850611	:0.01
of:0.2302491811519916	his:0.21842422194277383	a:0.15199313852644625	the:0.11494307199710062	my:0.10959975039621676	her:0.09135754916266552	for:0.029450089144208293	your:0.022696931411569313	their:0.021286066267027823	:0.01
the:0.2562524097919641	a:0.15301953386577638	of:0.14793099557925382	and:0.12941454595372873	for:0.06950862362334673	in:0.06778691618690018	at:0.0598025549310835	that:0.05361278261152159	to:0.052671637456424836	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
and:0.2477220734283836	not:0.13524746358901157	them:0.10733526047245205	up:0.10207472698290312	it:0.08779411077800155	there:0.08566688859275184	continued:0.07944584123046994	him:0.07438644159651923	her:0.07032719332950713	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
of:0.3084672275065208	in:0.24423525117112443	to:0.12763288452368698	In:0.05967467896421297	for:0.05792815775568984	from:0.052399536292557204	by:0.04849583326779586	on:0.04739831106242108	with:0.043768119455990864	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
a:0.2843580812254703	the:0.2254461121645873	to:0.16414621729417345	and:0.10151592084733022	I:0.05730979122820883	we:0.046220664564445686	who:0.041136893068694544	they:0.03724760443549814	The:0.032618715171591726	:0.01
and:0.16918862602263318	right:0.16769894398753116	as:0.12097645799354327	is:0.11060429371135434	able:0.10119767692139396	them:0.08828798698421468	necessary:0.08143372412231849	him:0.07807014862375604	time:0.07254214163325488	:0.01
and:0.22859318752855465	of:0.20688115317871988	to:0.10485675754180256	are:0.08093122689156014	with:0.07873748672845025	at:0.07698480693413873	that:0.0761094074922538	was:0.07183860938571968	in:0.06506736431880017	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
Mrs.:0.26992953161680283	.:0.14503034888408234	Mr.:0.1340947194911473	and:0.09677900791743692	of:0.09271080828113656	Dr.:0.0659741883395425	J.:0.06518747830155364	by:0.060716546085948626	W.:0.05957737108234924	:0.01
;:0.2140406523710403	mortgage:0.17515171653900855	Mr.:0.11907178366862219	street:0.09875469644921217	mortgage,:0.09579419019654717	contained,:0.07947761068705063	,:0.07874590570648383	feet:0.06699557099634464	one:0.06196787338569041	:0.01
and:0.18440668185141432	is:0.16176561123123673	as:0.10504970314699047	him:0.10056267282937408	was:0.0990886602616605	not:0.08980026513732768	necessary:0.088739311748612	have:0.08319547983262292	them:0.07739161396076136	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
to:0.35475188267547586	will:0.20677282583166295	may:0.09349468960283792	shall:0.06687436688333061	can:0.06568132209987293	should:0.06315092515475462	would:0.05152084772785943	must:0.045602790914161	could:0.042150349110044685	:0.01
;:0.24522732450126675	up:0.16651269664144078	him,:0.09150646748715027	,:0.08879389618161869	.:0.08703383830847566	it,:0.08297729184831844	street:0.08120731690448335	in:0.0758293056263325	hundred:0.07091186250091348	:0.01
of:0.34166340115224214	the:0.16175208821525683	and:0.1207523276560215	a:0.11169557844010487	in:0.08490878159688152	with:0.05043303065584231	by:0.04863278961132174	to:0.03910183187137612	for:0.03106017080095299	:0.01
of:0.34450708428155963	the:0.33968007064842964	our:0.0719692206358643	their:0.0633063615469956	and:0.05631191258080514	The:0.038510693951851034	his:0.03255433129310033	all:0.02164826337163589	or:0.021512061689758433	:0.01
the:0.24586786277439154	and:0.16997323033442863	of:0.1608974002526721	to:0.1249237815759012	be:0.07553177693575928	a:0.06150987802157047	was:0.06041598053696065	at:0.046389189906892676	in:0.044490899661423375	:0.01
and:0.19838036453519364	he:0.1453517428701363	it:0.131545008281317	which:0.11067110084088176	who:0.1077580166352294	It:0.10079944995203655	has:0.06740741674997998	had:0.06414194332590188	He:0.06394495680932344	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
the:0.7469353475017634	a:0.05026289902145727	and:0.039390860690945904	tho:0.03201545916804407	in:0.029322185764919576	of:0.02832652240108852	The:0.025168615379391267	his:0.022762638935069652	great:0.01581547113732027	:0.01
the:0.44410226745363673	at:0.17168627122600894	of:0.15907585157838577	for:0.06244345735371928	in:0.05380083032026611	a:0.03577230881130079	our:0.024997028697271318	tho:0.01952477802825573	their:0.01859720653115535	:0.01
to:0.572055677079507	the:0.10291631957412889	will:0.06550984875469673	and:0.06447387682459804	shall:0.0630901214206615	may:0.042569013494375516	a:0.033761125813591315	would:0.030599368192931117	should:0.015024648845509787	:0.01
him:0.22511585349940635	;:0.1342553032180852	man:0.11574635372301251	him,:0.0950718889975085	up:0.09324255187190897	and:0.09098934403345373	himself:0.0835495239653671	in:0.08043645717718255	man,:0.07159272351407525	:0.01
the:0.33857450313297194	of:0.22661452688197226	and:0.09632035265682728	a:0.08298924954357251	to:0.07482028116055857	in:0.049773234397000654	for:0.04732466192902027	or:0.04134853028470124	The:0.03223466001337524	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
was:0.18494208007894075	and:0.15997546350220582	is:0.15088318462818165	be:0.09417887012570081	are:0.08723277081366447	been:0.08574587393443356	not:0.08232977490659425	or:0.0807162987267382	were:0.06399568328354056	:0.01
the:0.45072442068859575	of:0.15863699663840108	to:0.08274862814216809	in:0.07934149181786487	and:0.06519368185071724	a:0.04745882399311515	at:0.04172253319245968	by:0.036321053813860485	that:0.027852369862817552	:0.01
the:0.18464956272095986	at:0.16260406504428784	No:0.15552913126776768	No.:0.1506964975088086	and:0.1424188322218812	a:0.05347577359447849	about:0.05116867326426797	on:0.04879522944935517	of:0.04066223492819315	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
foreclosed:0.21354426481975966	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823615	followed:0.12340081914410177	surrounded:0.0697778146110107	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817265	:0.01
and:0.2869644433305565	that:0.2123016823811757	a:0.12792853825331466	one:0.08679078964537013	but:0.06329736992465258	long:0.06296471931113348	;:0.0622605807028215	worth:0.04862997779321495	and,:0.038861898657760525	:0.01
of:0.5151231485831418	to:0.10947083605526035	in:0.08723701215003621	by:0.07896969963281915	that:0.06079882569715585	and:0.046065454822333915	from:0.037541253721853636	with:0.029897590901215434	at:0.024896178436183573	:0.01
they:0.17575189562716811	we:0.15884948974267682	he:0.15316210749662412	I:0.14793626125930318	it:0.10583886363524375	that:0.06699093900055623	you:0.0645982230351958	which:0.06241058168563478	and:0.054461638517597194	:0.01
I:0.2972347413548833	we:0.1596737443819009	they:0.15880401414132647	We:0.10767922019127868	who:0.06816921463312631	to:0.061192502960840944	and:0.051231682532044916	you:0.048807689139557305	They:0.037207190665041176	:0.01
the:0.5065129055186693	in:0.11911641381828753	of:0.10992400739733785	to:0.08001010458359513	this:0.049772685122751695	at:0.039644599216754214	tho:0.03158805677034889	In:0.03066314877165796	The:0.02276807880059724	:0.01
the:0.3036331843673764	other:0.1561582030426096	and:0.14730478842897132	his:0.07700683329546971	more:0.07185834437800707	as:0.06160668779347605	two:0.05884182233504286	of:0.058741660107104576	a:0.05484847625194239	:0.01
the:0.3816830357894635	a:0.16525916432344623	of:0.11321478579410847	and:0.09345846911364304	to:0.07600139632985076	The:0.05908301390358625	with:0.039353902658164484	an:0.0355006712007448	in:0.02644556088699226	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.45412017451507897	a:0.29396358115039606	The:0.08376557528617748	and:0.040141036551997994	tho:0.037487913877772866	consumptive:0.02573304366504399	other:0.01865073546857744	of:0.018649820947862106	tbe:0.01748811853709325	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
and:0.2998733451215016	the:0.22640215733455918	of:0.08210686823067183	a:0.08171642934211865	an:0.07776831165431403	his:0.07009990466321545	their:0.06589032671166979	her:0.04527634339056338	is:0.04086631355138602	:0.01
be:0.21674228715651064	was:0.19883597471779568	is:0.14907155343599904	been:0.09979000617924065	and:0.09310455381641977	were:0.06504554459222144	have:0.057257998981491816	the:0.055872464014022544	are:0.05427961710629822	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.3313690642176291	and:0.19719348372757117	or:0.10893704454958855	of:0.09519039093773558	in:0.06821987590230487	any:0.06621170965896837	to:0.04426209714417091	all:0.04082057190739313	at:0.037795761954638456	:0.01
a:0.3034341557818798	the:0.24512001474184386	of:0.15188295694265205	and:0.08494109803405019	to:0.06092123229077192	The:0.038408626957090554	in:0.035851830687245616	that:0.0358452515987642	an:0.03359483296570173	:0.01
the:0.42564987496672985	a:0.116429278576286	of:0.10502209791651214	and:0.08392627051613638	on:0.07715365309664195	said:0.07682894909750054	described:0.041719846615722575	The:0.037251746138637964	tho:0.02601828307583277	:0.01
of:0.235157970469249	the:0.21040457790473274	a:0.13410027868876173	and:0.11383505619145995	at:0.06919173638100755	to:0.06072844213599271	.:0.05963452410421578	<s>:0.057569696671424954	in:0.04937771745315557	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
of:0.343693744984266	and:0.13477565042182937	to:0.09311051889206207	Section:0.0756476946060626	for:0.07356350827302711	.:0.07124394854145029	No.:0.07088584383673632	New:0.06602168973016773	June:0.0610574007143983	:0.01
of:0.3639993698783781	to:0.12107984248644961	and:0.11552124064890508	in:0.09198580482221849	for:0.07501518821384201	that:0.06897171265248547	by:0.056904826114398906	with:0.052653986291932575	all:0.043868028891389646	:0.01
the:0.22587700153765214	all:0.16992722685429196	of:0.16826537345902104	a:0.15067014367269738	and:0.11456380532371625	in:0.05378052197744408	most:0.05319923025299219	to:0.02747098663237357	that:0.02624571028981137	:0.01
to:0.7868519828784943	will:0.051770024159800414	and:0.03715156090535633	shall:0.024850159802897908	can:0.023929490496230717	not:0.01942771608896718	could:0.017923701567647388	we:0.0144291246783644	should:0.013666239422241305	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.30908013350719543	covered:0.15608434972688331	filled:0.10343576130365886	but:0.09828767802052155	up:0.07943785469674321	together:0.07808385841040077	it:0.05717036011322121	him:0.055848629053660385	was:0.052571375167715234	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.2423620207365299	of:0.20536500222371457	and:0.166871077045992	in:0.1176496937967874	a:0.06877339806465797	was:0.060401645356168765	is:0.04771002123545104	are:0.04130335500381535	be:0.039563786536882965	:0.01
hundred:0.2219547768527995	up:0.14710691202085605	time:0.11944197195584247	street:0.11066766189320533	dollars:0.0940788333653787	boys:0.08880360799187319	women:0.07021450780780422	wife:0.06905875461531626	land:0.06867297349692422	:0.01
that:0.24132884699554186	and:0.17007011318423262	as:0.15473247105502086	which:0.11365476136805698	if:0.08132596680747976	but:0.07623447558669805	when:0.07541500930950362	where:0.047248119173082616	what:0.029990236520383726	:0.01
was:0.20539834387460562	and:0.15457631854299356	be:0.13158680156246966	have:0.10780379601668207	is:0.091226428011828	were:0.08067132077180982	had:0.07384502749202257	are:0.07360077602093487	been:0.07129118770665374	:0.01
that:0.2810726415126911	which:0.16330646194209503	if:0.15419202713687435	as:0.11875861027096202	when:0.10205747824016881	and:0.070385685066374	but:0.03373194631470424	where:0.033542858663432144	If:0.03295229085269841	:0.01
and:0.2377552830049108	the:0.19664319879819428	of:0.1528667443608291	to:0.1471178391960896	which:0.059329699771690704	be-:0.05422022227952557	that:0.050784917433498326	a:0.04632580216560945	he:0.04495629298965226	:0.01
to:0.31892216491177455	in:0.1963395656533427	a:0.13922964775256802	the:0.1299428328708334	and:0.056349692460204034	of:0.05158155403608701	In:0.03934737120862909	great:0.029403233466809005	full:0.028883937639752333	:0.01
to:0.2831696873478767	will:0.20862990006415782	may:0.10070590427702157	shall:0.0911394923012978	should:0.08149028008056555	would:0.07692534609026287	not:0.05035286506123487	can:0.04886043226277332	must:0.04872609251480942	:0.01
it:0.18827238284428763	him:0.14410478355647563	in:0.12002795461836434	;:0.09734813611861576	them:0.09285374486468502	made:0.09231963418836174	it,:0.08698835628714736	them,:0.08677508666614253	and:0.08130992085591995	:0.01
hundred:0.8746405416588818	dred:0.04299506543212241	dollars:0.04148370253712112	due:0.010277419753322603	five:0.006457201375114532	one:0.004130492723747134	two:0.0034131353427564936	Hundred:0.0034002988442463308	four:0.003202142332687627	:0.01
the:0.4170550160071505	of:0.17171051030744613	a:0.09840728246718561	in:0.06434403333110779	and:0.05927596120107457	The:0.05173151941110525	no:0.04976440471997886	their:0.04215581274747844	any:0.03555545980747271	:0.01
the:0.32931518134970156	of:0.2710829821550597	and:0.11219613221516728	a:0.0644882324754135	to:0.0633905806961436	in:0.0430322347428102	The:0.04247288851686077	that:0.03270834409185839	by:0.03131342375698504	:0.01
sum:0.1648703730892017	out:0.11307775521688435	amount:0.11090839996168092	number:0.11072884578616649	Board:0.10709279218170512	day:0.10091951320741446	line:0.09892782668492611	county:0.09783432205349214	purpose:0.0856401718185288	:0.01
the:0.26270449983543037	of:0.23784664643221268	a:0.20337466211127858	in:0.06234970577657421	and:0.0589852505558021	for:0.056638768660713046	to:0.04715637137189138	that:0.03448899416628203	which:0.026455101089815684	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
-:0.22456838158221581	ti:0.18655910701447107	to:0.12782386012359034	tl:0.1050811085641114	of:0.08343911155506109	I:0.06895153211060419	t:0.0686731962156954	.:0.06378786214167739	a:0.06111584069257328	:0.01
of:0.3728798589710132	in:0.10679255801003197	for:0.10548830657680139	and:0.09808468579533683	that:0.08977383915781684	to:0.08053331733226725	on:0.05522920803004978	with:0.049628025459149766	by:0.03159020066753299	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558527	for:0.09174081455919122	a:0.06366595919272895	to:0.061841865908333744	In:0.05733705309984939	was:0.03321233541124056	:0.01
be:0.3222308538829175	been:0.11619279773416331	was:0.1030298871502696	I:0.09615217649139314	ever:0.0870668867982193	have:0.08225450813629269	he:0.06554511503108902	had:0.06134181901279174	never:0.05618595576286369	:0.01
to:0.35070235234101205	will:0.23747072676545528	would:0.111529944760306	shall:0.0836684506099716	may:0.07149932693752681	should:0.05078411471133304	not:0.03359463335243597	must:0.03352299392440999	can:0.017227456597549293	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
the:0.3545641137054762	The:0.23711981807442023	this:0.13482910916081703	a:0.07826281692112518	that:0.06437077321336172	This:0.05933674880837931	his:0.022895764732005244	tho:0.020674077063327623	whole:0.017946778321087518	:0.01
was:0.2913822267059822	be:0.19159401601685402	and:0.13725779049265693	were:0.12269658257821768	are:0.061860157915153806	is:0.06051037955681609	been:0.058949023142566656	a:0.03332802779618204	very:0.03242179579557065	:0.01
of:0.2253941184970146	the:0.22235184329535704	in:0.154478342567993	to:0.10560147083007033	at:0.08338609613666667	from:0.06340447184725076	and:0.06334138429756486	In:0.04423893995085344	by:0.027803332577229174	:0.01
is:0.15805939117099513	was:0.153522518426938	are:0.15198482347871242	a:0.14118437406449674	the:0.11943427380274751	were:0.09495337598432238	be:0.07859546471229752	and:0.04921993510688655	his:0.0430458432526038	:0.01
girl.:0.2805756160837208	boy.:0.275515803682147	of:0.16004546055608632	the:0.06507535498302387	lots:0.04734223819510954	.:0.04713329968531032	and:0.04327677193241086	<s>:0.039359040519750095	St.:0.031676414362441216	:0.01
the:0.21548267152692854	of:0.20664464973091626	and:0.13121185825684453	to:0.12121506917238048	a:0.08216664157460972	in:0.07841572167600788	at:0.07827295544935534	by:0.04082847867890061	for:0.03576195393405666	:0.01
the:0.47342887095760816	The:0.1408876004467291	a:0.10241340046237231	distressing:0.06698218129200104	of:0.045554168499187704	other:0.04194251187024852	no:0.04073660267909232	our:0.03957170489209389	and:0.038482958900666886	:0.01
go:0.1379256917699633	them:0.12646493036403733	put:0.12386155667120093	come:0.11846129453330463	went:0.10421152398322023	came:0.09912143707310431	brought:0.09758586594579569	back:0.09258561916109298	it:0.0897820804982806	:0.01
of:0.3594574890331113	in:0.15658093538193446	to:0.10117276570187698	for:0.09492462377634399	at:0.09321277780817147	and:0.06296068456577823	that:0.043515943592281656	by:0.04083824840220062	In:0.037336531738301336	:0.01
to:0.2301088789013404	the:0.2005345667151421	took:0.11818633815236203	a:0.1123698747096409	take:0.10275809386248329	taken:0.06759120236630323	and:0.063711951032132	that:0.04829963577618824	in:0.0464394584844078	:0.01
the:0.36160101496864905	of:0.14005264961863276	and:0.08823053970069596	in:0.08740800054709041	his:0.07978828603757356	their:0.06875611623618873	this:0.06537825595269264	that:0.05525421745880342	or:0.04353091947967346	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.21749644841484947	of:0.17361122254231234	a:0.1509220682128043	Mr.:0.09265055123437346	and:0.09214326307604662	to:0.0800775549417959	in:0.07430032121248577	at:0.05445267807266168	.:0.05434589229267052	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
and:0.179642974784162	of:0.16371697337866006	in:0.10885683543020691	that:0.10726223330526863	put:0.10248338569178428	on:0.09168470654228401	as:0.0915852541178361	make:0.07720750119874842	take:0.06756013555104962	:0.01
of:0.27016977349931554	Mr.:0.18600420143684837	the:0.16301651962943947	and:0.11099230579083734	to:0.07346670218111923	.:0.05827837555672117	a:0.04824065315893516	was:0.04128509416011963	his:0.0385463745866642	:0.01
and:0.20248582949526708	day:0.15637489846934613	which:0.14050114765402746	he:0.12988771622378026	who:0.10424354112349121	was:0.0717858301483267	I:0.06523725538730675	He:0.06003109901680472	be:0.059452682481649734	:0.01
of:0.241076574979548	the:0.23978501408286745	in:0.1480714618504191	to:0.1112475630634649	and:0.07824249389440861	a:0.07385431283227956	In:0.037787522668594135	for:0.02997229162806033	from:0.02996276500035805	:0.01
well:0.3114097065760158	far:0.16389585514350904	so:0.11210585724895158	and:0.08500485111349255	soon:0.08148001157353814	such:0.06933250176455526	it:0.05860358140119117	much:0.05525634286939323	known:0.0529112923093532	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
<s>:0.24643505364970167	that:0.22567481111489607	and:0.11986402130738497	it.:0.10509411761497947	but:0.07308474448235741	as:0.06237988616146023	them.:0.06028718069699419	country.:0.04939834692648971	of:0.04778183804573639	:0.01
put:0.21245783231561874	taken:0.17736338020548742	made:0.11885532730363525	came:0.1005057607680261	set:0.09570022884922154	it:0.07829334006626691	come:0.07654691721179556	locked:0.06620644915383707	picked:0.06407076412611142	:0.01
of:0.4350691121933086	in:0.17590693507051808	to:0.10103820455278756	In:0.05410244356178705	that:0.04894784282719977	for:0.04796761694587244	by:0.04368040144683445	and:0.04226712549192657	on:0.0410203179097653	:0.01
the:0.3319253583682338	and:0.17176325614856014	of:0.14119926908580027	a:0.14004527676886455	to:0.06776408066123342	in:0.039275682563503306	was:0.03515109287125067	be:0.03293092268427288	is:0.029945060848281014	:0.01
he:0.29759384126645533	I:0.14712822519614255	who:0.13357369841600397	they:0.09630194152462256	she:0.07780358321265955	and:0.07122033994947809	which:0.06282023249521906	He:0.05213221799963883	that:0.051425919939780025	:0.01
and:0.3069677166766969	the:0.21218635586594245	to:0.14187262002016168	a:0.09766881027880744	of:0.08509857667908922	that:0.050819772902028076	in:0.03667826581808987	by:0.02994028293768082	as:0.028767598821503485	:0.01
and:0.2574968293755876	was:0.10283462459727934	went:0.10171688013078786	that:0.09969522473453889	go:0.0936940103198666	put:0.090490761697594	Committee:0.09004910932115216	going:0.08307167808529468	up:0.07095088173789894	:0.01
the:0.2935930368874303	and:0.20003539239638438	of:0.16624491776673697	a:0.06985032675590187	to:0.061400635926014274	be:0.056514359931314755	or:0.054534914718667435	in:0.05287390643742491	<s>:0.03495250918012508	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
gold:0.5581642389104192	hundred:0.12052889072237587	men:0.08933798568758869	wife:0.057740763155311486	relatives:0.04174268668565325	city:0.03811482161167378	land:0.030936482520491408	in:0.026856518703656764	up:0.026577612002829328	:0.01
and:0.2572258616813817	made:0.16128606949170524	up:0.10472758293446799	or:0.09113140713649279	down:0.08314410893250195	ed:0.07585297797866242	that:0.07579199100048334	out:0.07214235137880427	west:0.06869764946550015	:0.01
the:0.33234301859327503	of:0.16511810112924477	and:0.14359386254401948	a:0.07809521494992094	that:0.07723479213752328	The:0.052790940042757695	in:0.051550293467254364	no:0.0449303041329755	Mr.:0.04434347300302878	:0.01
that:0.34901160282704624	and:0.12905694289562097	when:0.11195805744935065	which:0.09515059839585663	if:0.09367029153968624	as:0.07503911277556882	but:0.057683117603950056	where:0.053824969175761926	If:0.024605307337158506	:0.01
of:0.4370690017114948	in:0.16301969622229673	to:0.11012073832208184	on:0.10832393423279825	at:0.04450932476739282	for:0.03543630613936171	by:0.03393428209598824	In:0.02995791062815556	from:0.02762880588043	:0.01
of:0.22276029096296046	to:0.1357439960083538	at:0.12103741349443554	and:0.11172063505098612	for:0.09290060191875373	in:0.09109789925314646	with:0.07601683987291045	was:0.07506831853401578	is:0.06365400490443775	:0.01
of:0.3732262004706412	to:0.16397961393745195	in:0.1079815739495333	with:0.0979737786972683	and:0.07075888989169418	on:0.06567367712887784	by:0.040809607947550564	for:0.035978776954601825	is:0.03361788102238076	:0.01
that:0.26930417871230444	as:0.15727244996245027	and:0.1563876603840746	if:0.08484692381639038	but:0.07617680510850935	for:0.07077115245689192	of:0.0636813410327608	make:0.060243648343585164	which:0.051315840183033076	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
it:0.2131788841045554	he:0.1867324812779885	It:0.14093961810063965	which:0.10085580692903923	I:0.09523457785691533	and:0.0799079407626281	who:0.06284443033512091	He:0.05697400216718626	that:0.05333225846592657	:0.01
of:0.290216588950475	in:0.1552607907009458	to:0.12447644402228912	and:0.10519347352813001	with:0.09657977502028464	for:0.07860979980368667	by:0.05236163718052052	that:0.05168680603360318	from:0.035614684760065025	:0.01
the:0.8134874609674253	tho:0.04555737521613847	The:0.03699022068779265	of:0.034171029165687344	and:0.015071770799221562	tbe:0.014602814334692122	a:0.012437298176588651	on:0.009986290074269088	surface:0.0076957405781848095	:0.01
the:0.23545616196851724	to:0.2156964262522404	a:0.13005552552302216	of:0.11929332247968742	in:0.11608041482540164	great:0.05970138833208002	good:0.043505594112636964	and:0.035536092529861806	full:0.03467507397655236	:0.01
the:0.26316548172535564	for:0.21435688977301026	of:0.1767981927751022	and:0.08111960049133107	no:0.06436576131329166	his:0.057024632530355994	in:0.04929170919365948	a:0.042332401407749076	their:0.04154533079014478	:0.01
within:0.23937838422352548	of:0.17365849624798044	in:0.16555706722739474	at:0.10161469330488497	to:0.07665398364704665	on:0.06787461221255567	for:0.06269511319667707	from:0.060597358956231584	In:0.04197029098370339	:0.01
he:0.16125553763111258	they:0.14906799396490875	I:0.13170414552340481	we:0.12192436792051252	Ameri-:0.10907088699533747	you:0.10514331890529449	it:0.09250845483084628	who:0.05983107782960599	one:0.05949421639897716	:0.01
the:0.7989383435071797	The:0.0817662364307122	tho:0.04484319457451364	a:0.013654185474192483	tbe:0.01353937058992744	this:0.01007959891267076	of:0.010048905067651973	said:0.008641005087402183	and:0.008489160355749434	:0.01
the:0.47324425788611985	and:0.11266250766263597	of:0.08363041862519985	States:0.07800362389399634	said:0.05688817883786642	National:0.05206424176715666	.:0.048106025656718614	General:0.04632149096414962	The:0.03907925470615669	:0.01
they:0.21581515924896305	who:0.1464732330250199	there:0.1094481416881997	we:0.1054384184484492	and:0.09555524539656333	which:0.09294776908795961	you:0.08173759452491636	They:0.07780237125368135	that:0.06478206732624733	:0.01
with-:0.3576129679711993	and:0.13267940693472852	with¬:0.11451310788620381	sent:0.08010058554602631	it:0.07285198521077864	went:0.07154533041769674	go:0.05574666501089949	the:0.053595847151130555	came:0.05135410387133665	:0.01
and:0.2642028563901234	that:0.14934347559364516	held:0.11323432212873087	at:0.08600477729894643	recorded:0.07931656944945921	was:0.07749633162156319	time:0.07599002066858546	it:0.07338907306293492	now:0.07102257378601133	:0.01
of:0.27429270916097126	is:0.1463557315234703	and:0.1250320696657732	know:0.1088776858056109	for:0.10819118786859674	in:0.06440831180714156	to:0.06378898532244269	but:0.04991621880425909	with:0.04913710004173425	:0.01
up:0.1364490363535214	out:0.12210445219008247	time:0.11636091465129163	work:0.11478891118616796	in:0.11341896840682665	it:0.10839608919058241	;:0.09574741576509772	him:0.09181676579376961	power:0.0909174464626601	:0.01
and:0.22548804382211918	of:0.16551647653467494	the:0.10910891880260937	to:0.10236234663377487	in:0.09510539189201721	be:0.094972658901539	I:0.07406902428534616	was:0.0643687000531	is:0.059008439074819334	:0.01
and:0.22813005603170383	the:0.1572099043860072	is:0.11521833637416955	an:0.10420866558073172	was:0.09504037588459194	are:0.08564450459716828	be:0.08247759847336691	that:0.0643390720756877	been:0.05773148659657292	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.42893723728726985	a:0.3472022247716855	of:0.04389796656323706	and:0.03684115299801049	other:0.029344071103317396	very:0.026948838418438394	A:0.026641567656328125	his:0.026401216642219873	their:0.02378572455949332	:0.01
of:0.26616921747806205	was:0.11852028208898172	and:0.11370062134362456	on:0.11067531534978763	in:0.09976825023550331	to:0.09105935844538253	is:0.07090564579096445	for:0.06104670968901339	are:0.058154599578680424	:0.01
a:0.34097179078445844	the:0.282051933546048	of:0.10201125377494587	so:0.07029218056613128	this:0.049796894346484516	and:0.04266416527135386	with:0.03925343151134488	very:0.036192691199728545	that:0.026765658999504616	:0.01
to:0.2327785327830104	and:0.21229427480962393	the:0.1410405268379394	of:0.10975303501443558	is:0.06340027349170996	was:0.061252185742387895	be:0.060664461601101526	for:0.05869577018973899	re-:0.05012093953005223	:0.01
is:0.3342379144152615	are:0.27803412846542264	and:0.08834192250930642	was:0.08618918736439196	Is:0.05792112409594868	not:0.03844639545980022	be:0.038351896216271046	were:0.03436051376318329	he:0.0341169177104142	:0.01
the:0.356569618870926	and:0.14182144082139744	of:0.11647590377038261	in:0.09211705731779637	his:0.0736937292647815	at:0.06802944751912807	to:0.053062403798076765	their:0.049692629835062195	said:0.038537768802448906	:0.01
of:0.21375420201278877	to:0.1316319527879571	with:0.11460800261721145	is:0.10287803035493286	for:0.09674763520827172	and:0.09096280795503767	in:0.09048671477561979	was:0.07976563424224252	be:0.06916502004593822	:0.01
the:0.27062093316726427	of:0.2058837608840983	and:0.08834827289900334	The:0.0853987581870392	Mr.:0.0848051425396133	that:0.08185133110159959	in:0.0776092527328897	Mrs.:0.049118875532564533	which:0.046363672955927845	:0.01
and:0.2141376929981055	as:0.18929375789273398	is:0.09932585733157487	time:0.08928123282306943	or:0.08516700227721469	subject:0.08250606082622892	him:0.08079975213100898	made:0.07850981231065023	them:0.07097883140941338	:0.01
of:0.42972831806257816	to:0.1009400046262172	that:0.10058827211850843	and:0.07865031065699772	on:0.07692668101434931	by:0.057358177002827075	in:0.053048361248284714	for:0.05116929256845302	from:0.04159058270178438	:0.01
of:0.2546793110024634	the:0.21224658817143938	to:0.13934186666122453	at:0.1060966210519837	and:0.07988257625012192	a:0.07716931015693984	in:0.04839906678965375	was:0.03728725035036537	for:0.03489740956580799	:0.01
of:0.2830490551324133	for:0.1783014470884359	to:0.15943738631284854	with:0.11203563042235976	in:0.07005163695336043	upon:0.05411928514058929	on:0.048736085857691125	about:0.043720865400344706	and:0.040548607691957034	:0.01
of:0.2775823654949323	in:0.14015884515621155	with:0.121582681636841	is:0.09897663119884043	to:0.08864696712774395	and:0.07963801328291438	for:0.07606510035879992	was:0.059050824946662	by:0.048298570797054324	:0.01
of:0.1631677934654842	is:0.14056921750772153	to:0.13652683140786076	was:0.11916121475650829	with:0.10752467690064556	and:0.10583015404260185	in:0.09724578560229616	as:0.06215370733395931	by:0.057820618982922345	:0.01
to:0.6567241123025417	will:0.09047880167121085	would:0.06894378392023515	and:0.05270548825120062	not:0.05100052294249778	can:0.019601063792458982	may:0.01751550512713279	should:0.0173870857815681	I:0.015643636211154055	:0.01
the:0.5718200597028764	a:0.24581444223187018	white:0.05605544579651239	this:0.02966844819332745	tho:0.023576559562500675	and:0.017397041588361226	large:0.015873343678005383	The:0.015574907565837983	of:0.014219751680708166	:0.01
the:0.24343084569487752	and:0.16178693456557883	of:0.13887751795222011	to:0.1244772705341572	a:0.11336884681343598	be:0.05818394061425249	is:0.050746831112712124	in:0.049860590702662695	was:0.049267222010103036	:0.01
<s>:0.4811480744785851	it.:0.11362845981686331	them.:0.08433884778029362	him.:0.07319816945502994	.:0.06969185095971074	time.:0.05499775025234862	country.:0.04116192008712955	day.:0.039234452880245595	work.:0.032600474289793326	:0.01
and:0.26276554424049875	well:0.17165735638285678	regarded:0.10215108442096366	him:0.08688236618817878	known:0.08594969760882573	soon:0.07468266047506815	it:0.07254659441566477	is:0.06743217334715047	but:0.06593252292079285	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
those:0.4529909351618139	men:0.17669254562461442	and:0.0777641735520194	people:0.06973463070913263	Those:0.060505069472183176	man:0.04228232023178334	all:0.04140258357632076	persons:0.03955708558100816	one:0.029070656091124202	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
of:0.3744679427904173	in:0.25786424571498784	to:0.1019056193795733	for:0.09814945932958943	In:0.04677455778021036	and:0.03498513051769539	with:0.028838314162317583	from:0.02590911410913225	at:0.021105616216076793	:0.01
in:0.20484377117992708	the:0.1789630476046136	a:0.15547726016817529	of:0.11853059252212453	and:0.10133357431383683	to:0.08414718432905638	for:0.06270303865495257	In:0.044838132417842555	an:0.03916339880947116	:0.01
all:0.21357881357464759	it:0.17109218651982136	and:0.14009933012402886	went:0.08953810753119093	him:0.08033885886518542	them:0.07688681981197465	was:0.07654321505881781	is:0.07157275585741621	turned:0.07034991265691713	:0.01
of:0.18045438050695572	to:0.1747026357974531	the:0.15749425223258814	and:0.15345542519140226	be:0.09235457882182141	a:0.07340216453377853	was:0.06625041891181835	re-:0.045984937709827485	for:0.045901206294354936	:0.01
the:0.48510634382119644	of:0.15786782881168968	and:0.06829240425307684	this:0.05858176857512152	said:0.04776419100240175	its:0.04469391525368747	for:0.044206304145417964	to:0.0438729772288015	our:0.03961426690860693	:0.01
day:0.2127116569079983	number:0.17031138217183855	half:0.12370043696738696	part:0.11357650258752708	millions:0.07506639444956953	all:0.0747929349795767	out:0.07474843860405789	one:0.07404754373587413	quarter:0.07104470959617087	:0.01
of:0.19222805621105238	and:0.19004492527061204	for:0.16723821323246857	that:0.08157992246258691	by:0.08105634998065794	in:0.08085618155323196	is:0.07585553825917475	was:0.06193668086281729	to:0.059204132167398324	:0.01
the:0.3217504587634767	of:0.17761375424890746	in:0.1090603610310247	and:0.10868940118452104	to:0.08617207446285557	a:0.07441328189590997	on:0.04528235782503716	at:0.036014122737170216	with:0.03100418785109707	:0.01
a:0.23082638298730201	the:0.18473203257266818	to:0.182980040157843	and:0.13988323579700143	of:0.07347320232300479	is:0.04936530600599035	not:0.046318621507058885	was:0.04281747533912632	will:0.03960370331000506	:0.01
of:0.3198693667622088	the:0.22769593568773783	and:0.11531327751649682	to:0.08792501874278845	at:0.07355297531030017	in:0.06924831602682052	from:0.03329933869463881	The:0.032924750980812045	<s>:0.03017102027819663	:0.01
the:0.752502283161074	The:0.04544001048963289	tho:0.04073223758942156	Missouri:0.04025662037469137	Mississippi:0.03630812655295519	of:0.023834660680014646	Potomac:0.01750420550347448	this:0.016956946434588175	tbe:0.01646490921414762	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
;:0.17739627448209838	it,:0.15864753476062923	them,:0.12202049442370508	in:0.10623287372066594	up:0.1007613878453408	it:0.09469836016048809	him,:0.08551760767502341	him:0.07455127187730792	them:0.07017419505474125	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
to:0.24811034056819778	will:0.15906562908218813	may:0.11268835481634289	can:0.11191266308560788	could:0.07754591956635912	should:0.07608729864709453	would:0.06537604077149213	must:0.05317000182994435	not:0.045891321773007726	shall:0.04015242985976546	:0.01
the:0.21168661632910743	and:0.17342087587379088	of:0.14965243031096215	as:0.14862640424456694	a:0.08287979349307766	to:0.07107758859510925	be:0.05689152027188907	such:0.04860602071964438	in:0.04715875016185233	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
of:0.22250458285092234	the:0.1886514029189389	any:0.1364124846158964	and:0.12349837978644843	that:0.08793608166233316	in:0.06582267733185002	some:0.0569572591091616	every:0.05513517557177981	is:0.0530819561526694	:0.01
and:0.2428061386481229	to:0.18300044814510713	I:0.12527212210714558	who:0.11938820193341101	he:0.09178815379232817	which:0.0711818538768309	that:0.05713993628169791	the:0.056724532729387094	we:0.04269861248596926	:0.01
the:0.5311990925914803	and:0.09227632831896376	all:0.08637267602817841	such:0.05446529710455	other:0.048082695247672586	a:0.0469582278179255	his:0.046106023607075754	of:0.04584999667010408	their:0.03868966261404965	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
brought:0.14134668571240977	go:0.1365473806122784	put:0.13636720900209112	come:0.1164008790460434	went:0.11332523863802069	get:0.09614108788246405	enter:0.08661757298090055	them:0.08205395895189371	came:0.08119998717389826	:0.01
the:0.504908771081215	an:0.19306384124705833	of:0.06995789719882832	The:0.04463181876476438	his:0.0432440718174886	years:0.037548734466440165	tho:0.03732368741428982	and:0.03259256120925733	their:0.02672861680065803	:0.01
man:0.30515668734518586	and:0.18052534267888162	one:0.1336284050013829	those:0.09243853426758909	men:0.08417323662346295	woman:0.07597687274857998	all:0.048793331821774324	people:0.03485717212897203	person:0.03445041738417123	:0.01
the:0.5800220065431336	The:0.10832340912252256	this:0.08281674497901025	that:0.06745202567958662	and:0.04455658588966446	of:0.03506343296660886	a:0.03398385268385194	tho:0.023220258205076838	said:0.014561683930544822	:0.01
and:0.19468387128387024	a:0.18095507928828247	that:0.1622406629659271	the:0.12173586361050481	it:0.0927794128236039	in:0.0633511180957385	t:0.058862677855572414	of:0.058353662260482435	land:0.057037651816018144	:0.01
the:0.3623743073210984	to:0.14350486213310282	a:0.123630717652237	of:0.09598410471924136	in:0.0923709850763967	and:0.07127197880500498	this:0.047997708811554525	that:0.03121717347869273	In:0.021648162002671487	:0.01
of:0.24498788882894354	the:0.1990394779155274	and:0.17503263892200271	by:0.1147038060991805	at:0.1018120945086571	to:0.05249710282841382	from:0.045537211875815456	as:0.02853628011236932	<s>:0.02785349890909007	:0.01
of:0.35881236315422627	in:0.1285338836243428	to:0.1199889852956576	at:0.08902657570939344	by:0.07060823460612808	for:0.057981854858113906	In:0.056422772814854166	<s>:0.05487995576349958	and:0.05374537417378407	:0.01
in:0.22568021117096215	of:0.18692940341006392	as:0.09119042606390385	and:0.09008561466322934	to:0.08829751974590068	by:0.0880511052909195	with:0.0837971498313692	for:0.06883728213289977	is:0.06713128769075145	:0.01
the:0.2358907630512036	of:0.17953299779151127	and:0.16228049872665679	to:0.09482768306529227	a:0.0928484856516463	on:0.06829392660003043	in:0.05535223912765194	that:0.05463209768295961	was:0.04634130830304773	:0.01
the:0.18967412161958205	and:0.16039812387112398	be:0.12426122688981939	was:0.12339453984543904	of:0.11493837137436898	to:0.08700087712254828	is:0.07482363279220873	been:0.06158286699078446	a:0.053926239494125026	:0.01
of:0.29427840420111334	and:0.19037350337791353	in:0.11041665492830458	to:0.0953233373283196	at:0.07052500963088408	that:0.06631245887492296	with:0.05553709306732293	on:0.055516148861375486	for:0.0517173897298435	:0.01
the:0.36715389486329825	a:0.22460418130383325	and:0.11416831703140226	of:0.0796557630913216	The:0.06996438284003619	an:0.05210502329932918	Mr.:0.028948914080672735	to:0.027297453447863527	as:0.026102070042243117	:0.01
of:0.2947816448856356	and:0.12077975314964738	in:0.11972900992439928	to:0.11177996770677866	on:0.08837148109666025	that:0.07191167799060616	for:0.07003551989762355	at:0.06508226108411524	from:0.04752868426453382	:0.01
Lode:0.2037900833653692	Silver:0.19503946440285624	the:0.13540570808329994	Hill:0.12633038508304612	and:0.1242849244316623	Eureka:0.05378076978789949	Copper:0.052695001373097586	<s>:0.04972754254863102	Consolidated:0.048946120924138165	:0.01
of:0.40160425868992866	to:0.12940907486784572	and:0.11721245436230143	that:0.09996236437385167	as:0.05934313569671025	in:0.055953132801812654	all:0.046285493078963375	for:0.041108072947504876	by:0.03912201318108143	:0.01
the:0.4505268490143757	The:0.12382932207234319	this:0.1065375699431913	a:0.08809605124955457	This:0.07190644659005399	that:0.04804464540390547	his:0.043366855263634096	and:0.03075719565188296	of:0.026935064811058805	:0.01
went:0.19991699894079915	all:0.1392756309062932	go:0.12589226480828672	turned:0.11588874239844676	was:0.10155804675837407	came:0.09101673353526499	come:0.08477744309718706	and:0.07577402761511733	going:0.055900111940230715	:0.01
about:0.21440291010565773	and:0.18945399737070745	or:0.1365130257965145	to:0.1132398605230725	at:0.10885212900567139	of:0.07636697067773368	than:0.0669177184758039	the:0.04459017209438302	for:0.03966321595045583	:0.01
interest:0.5907043265660901	terest:0.1081721627725627	Interest:0.10181777450281501	improvements:0.0948387979622587	it:0.025013640545234094	and:0.022721810366120036	due:0.021528165172107705	them:0.01412895718638543	is:0.011074364926426241	:0.01
and:0.29116711795804945	is:0.12469124485907976	of:0.1089427915391583	was:0.10583177372684865	as:0.09535784369342871	be:0.09159230336863274	are:0.0778106749909694	or:0.05015296003744344	were:0.04445328982638952	:0.01
the:0.23344748130381154	and:0.17210789865171341	to:0.158230742789393	of:0.12877797232842478	a:0.11898645914507014	in:0.062013854627394394	at:0.04132155046118328	or:0.040853512442438504	is:0.034260528250570965	:0.01
to:0.2781501673776037	can:0.12288803604774143	could:0.1138658011324216	will:0.11333771452498027	I:0.08631427755128544	would:0.08227564498583295	they:0.07371524695440178	we:0.06664766556103376	and:0.05280544586469905	:0.01
ten:0.15930487185285927	10:0.14541430797534555	50:0.1363965197067913	fifty:0.13138648452723573	20:0.1042818573247517	three:0.08217797916488719	five:0.08128407590711607	25:0.07571109758089106	5:0.07404280596012217	:0.01
W:0.14910773017956414	M:0.12276990578542449	J:0.12075148222724486	C:0.11156552709985228	S:0.10363588713123016	E:0.10247688778446311	A:0.09710894198133282	H:0.09413683549342977	B:0.08844680231745826	:0.01
of:0.23263405770696685	at:0.15112258939896792	in:0.13071599623158883	to:0.10950454781810545	for:0.101239446110944	on:0.10013154685253053	and:0.07507416717033927	from:0.04755879529717124	In:0.042018853413385876	:0.01
part:0.2616051257347694	one:0.17241232749815008	side:0.16360342569786457	portion:0.08433966332604263	payment:0.06971510808453478	parts:0.06227259080338477	members:0.059937409742747624	that:0.05968262067665106	and:0.056431728435855075	:0.01
the:0.31222252380020193	and:0.1922979967817035	a:0.15297568833488714	The:0.07678939828477897	one:0.06742085876830409	two:0.05654997731917386	be:0.04533070588963481	that:0.04508871115389862	this:0.04132413966741713	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
seems:0.20061032224562486	ought:0.1626558226948623	seemed:0.11415043407775209	seem:0.11350109702171879	and:0.09261260981894813	is:0.08389850523345983	said:0.08225642808909558	supposed:0.07131107961557845	not:0.06900370120295983	:0.01
and:0.23117365540512338	the:0.2280543382278351	of:0.1478684087356096	a:0.09057998236261681	was:0.06845767528770509	in:0.06568274004476997	to:0.0615611745907188	is:0.05235743490164658	be:0.044264590443974815	:0.01
purpose:0.18290206844241896	instead:0.17809435609342683	out:0.1538567610502881	sum:0.09616524194807972	is:0.0946898715734833	question:0.07270410560399737	are:0.07250961517754782	amount:0.07203209910319572	disposed:0.06704588100756216	:0.01
a:0.21203539588932938	of:0.20273634930723997	or:0.11062939063911777	and:0.09091202161650652	in:0.09013456617347358	the:0.07553796626981299	any:0.07145478732652497	for:0.07094948267458664	by:0.06561004010340808	:0.01
that:0.252642048246336	and:0.1778771772190445	which:0.13410784903447365	to:0.10552419222448858	when:0.0984815426264279	as:0.0816972402697138	will:0.05888602708846721	but:0.04072168024332621	if:0.040062243047722	:0.01
know:0.2397647968656112	of:0.16285760555461512	and:0.12629778616492704	to:0.10395816150459335	see:0.09003617630358085	do:0.08877429164822438	is:0.06141778713790321	matter:0.061380777358478064	for:0.055512617462066864	:0.01
<s>:0.5323931200162186	it.:0.11018390482601273	.:0.08144299270952146	time.:0.05016526239221659	him.:0.050117008558639396	them.:0.04892401124597546	country.:0.04395827133099151	year.:0.03665303146153076	day.:0.036162397458893346	:0.01
the:0.5422329948031501	a:0.13700134661686608	and:0.07915192256133127	of:0.06531146519235878	The:0.04711151237075322	or:0.03664031733476878	tho:0.032272186261714804	their:0.02655770799241742	his:0.023720546866639575	:0.01
of:0.3057759901600336	thank:0.2616504744726356	to:0.1275046644733598	and:0.06941342403641217	Thank:0.05171254325461181	Almighty:0.04800110538703915	for:0.04780857493989792	with:0.044377985839575286	that:0.03375523743643456	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.42910467850079	to:0.11694084642140463	that:0.09550998098478819	and:0.08115582928505193	with:0.06790549012358102	by:0.0659098273260134	in:0.04996672060817148	as:0.04504904210208554	for:0.03845758464811389	:0.01
he:0.22480229380192837	it:0.17485728277577847	they:0.12397626271710332	I:0.10874733808034656	that:0.0944115016573233	It:0.0934061924792438	we:0.05704965258936926	which:0.05692367062721336	and:0.055825805271693715	:0.01
to:0.2992770412624508	will:0.22358185789002527	may:0.10773011468181522	can:0.07798152413512123	shall:0.07444335231231784	should:0.07350153058539124	would:0.04801697192096535	must:0.04793997642554108	could:0.03752763078637196	:0.01
the:0.6768627974896106	in:0.06291856457056888	The:0.0585098913099327	and:0.049060590157670114	a:0.04250614034914327	tho:0.03756680159007044	great:0.021563916433142066	In:0.021135527735493306	of:0.019875770364368734	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
is:0.20531716177253911	of:0.1548571616806375	was:0.14749203504570196	and:0.13792749623615277	in:0.10120155365734503	as:0.07174518036482276	to:0.06110690582472406	by:0.05557954502909937	any:0.054772960388977374	:0.01
the:0.33250719272423573	of:0.15669558815530527	their:0.1263070134657518	our:0.08334007842782926	his:0.0789097427581228	other:0.07393811121642563	its:0.050453324905634866	all:0.048438215556899644	American:0.03941073278979517	:0.01
of:0.36271625229249144	on:0.1477762621256609	in:0.1049950723330936	to:0.09590546738412442	by:0.08547657152088199	and:0.07162450506560371	that:0.04334562425684729	from:0.040054966221159394	for:0.03810527880013725	:0.01
of:0.2879095906736429	by:0.15147283143704135	to:0.13226073003663077	that:0.1285469390652348	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411609	which:0.037163493311764606	as:0.03192736619326302	:0.01
he:0.24719856121055875	and:0.22596642096727165	be:0.18043712108469986	I:0.06763838984712327	who:0.059568563783939585	was:0.0574050823270858	have:0.05597562453216027	He:0.04917787814708192	is:0.04663235810007885	:0.01
and:0.3359723945695816	fact:0.1316189254902583	said:0.10667449643560811	so:0.08713045707286649	is:0.07379644658727269	say:0.0657800671011853	was:0.06486039920086528	him:0.06351804887687972	found:0.06064876466548251	:0.01
be:0.2849878177734486	was:0.16376970522261863	been:0.139630523095664	is:0.08137535428611144	and:0.0778977821742777	have:0.07402961052937597	has:0.0635515075652333	were:0.052963840615662	had:0.05179385873760839	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
to:0.2512498341081137	the:0.20774063373853358	an:0.12707537333556373	of:0.1069193848888348	a:0.08890702376417497	in:0.07304419790113843	and:0.07260988274253319	with:0.03354250634172504	not:0.028911163179382443	:0.01
and:0.19828130361329427	as:0.16167001911362971	order:0.12838003305491688	necessary:0.1156896451296532	right:0.09125643904208529	is:0.07914562994113429	able:0.0757743461357711	power:0.07142568609181339	him:0.0683768978777019	:0.01
<s>:0.31345759865139594	it.:0.1892532436862689	them.:0.09223545836743488	him.:0.0910400757089321	?:0.08764720621449311	.:0.07958514196739587	me.:0.05756971655091861	her.:0.03973797730124201	you.:0.03947358155191865	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
the:0.33287846452402836	a:0.30001728107195713	this:0.08810612702178716	The:0.06278575814637037	and:0.054034566602970284	his:0.047661725598976655	one:0.04668513545776391	every:0.029026077674899512	tho:0.028804863901246768	:0.01
and:0.21582520555697648	made:0.214536899439926	up:0.09803578163061594	done:0.0962632766187468	out:0.082230695368401	caused:0.0775822747522032	or:0.07321594564414954	it:0.06760504051608549	taken:0.06470488047289556	:0.01
of:0.21838797575570154	the:0.1764958999718014	a:0.148759846654091	to:0.12615447465296736	and:0.10084460306115489	in:0.08195425316673363	at:0.04989567614174829	for:0.04657604012914679	by:0.04093123046665515	:0.01
them.:0.27514958012342783	<s>:0.2222514830175073	it.:0.13910165523665471	men.:0.07376108718434343	him.:0.07191919462122999	time.:0.057778753413971484	country.:0.05375983421240472	people.:0.04831609422015593	day.:0.047962317970304535	:0.01
not:0.27165351613371524	to:0.25387435580143547	I:0.17131508817521834	don't:0.073723341318433	you:0.06668533152739857	and:0.051332788879850856	we:0.04136737813927094	We:0.033742179876494346	You:0.026306020148183434	:0.01
the:0.5461620972172785	a:0.1843898061472342	brick:0.05462017209407854	his:0.04691978514460796	frame:0.03680502876428873	The:0.036049896865917065	tho:0.03419839082966134	and:0.027160853178749993	their:0.023693969758183758	:0.01
and:0.24428898768597	years:0.13326866598301404	free:0.11224566031641812	miles:0.0892068862623156	him:0.08709309114977147	taken:0.08637906415696271	of:0.08202568009718235	away:0.07998169865168518	them:0.07551026569668047	:0.01
as:0.23061381526678573	so:0.15852530170502627	are:0.1242325010071385	is:0.10807778502254059	very:0.08588972279447575	be:0.0714980580428274	and:0.07125699082365847	of:0.07075605044119214	was:0.06914977489635515	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.1177148385676645	they:0.0914384776859708	that:0.08313239062920648	which:0.07694098793602959	he:0.07501873352304171	and:0.07330080551631972	I:0.05566581471392691	:0.01
the:0.30908806204995304	and:0.2021199752140314	of:0.13486912198728426	a:0.08156652884358065	to:0.06872515330429758	that:0.049147080372366585	The:0.04881586833161894	Mr.:0.04812337385799479	or:0.04754483603887259	:0.01
and:0.28120375981593765	bill:0.19265358774268582	President:0.0828459890673966	known:0.0826018960006399	was:0.08002417100261604	resolution:0.07319588784922872	is:0.07075165837341905	of:0.06546454969156505	not:0.06125850045651121	:0.01
out:0.15061324814149515	amount:0.14037523430557688	purpose:0.11515068212881414	number:0.11452490315736613	one:0.10308737030665857	means:0.09968348434168547	matter:0.0968840813389499	years:0.09105673508103557	way:0.07862426119841827	:0.01
the:0.5343885214523834	The:0.11192511746240348	this:0.09766965217928932	a:0.06421440630193793	that:0.06383905538795155	tho:0.03611613032332447	of:0.033924731568181855	his:0.026689943324278088	and:0.02123244200024977	:0.01
the:0.3661510278115807	of:0.18604011314490668	and:0.1109152575647309	in:0.09556882822052379	a:0.07472429387547162	The:0.04949365505368283	to:0.04579469490461243	at:0.03277907132192454	tho:0.028533058102566386	:0.01
<s>:0.5911664716768236	.:0.09254162861311349	it.:0.07581705834204039	them.:0.05818195815929814	day.:0.037726686386629994	him.:0.034790603659583	time.:0.03473040556580825	of:0.0340401802064035	country.:0.03100500739029967	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.8863726773530108	tho:0.04767429894468294	The:0.02037911013063574	tbe:0.014848854384155502	of:0.010704508851547225	and:0.0029070840653533446	by:0.0026907681676473397	a:0.0026265092802739095	tlie:0.0017961888226931213	:0.01
and:0.20574901464648052	be:0.1782627871071889	was:0.1377230897430883	to:0.08832819096533921	been:0.08618103965957719	is:0.0810041601548845	of:0.0796758931950268	he:0.07002166678811851	were:0.06305415774029603	:0.01
feet:0.21959778359237705	went:0.1718218569574151	according:0.1271328412512035	go:0.10324709531960384	and:0.09690431191880237	sent:0.07196762290527006	subject:0.06704859689201847	relating:0.06685884328000286	back:0.06542104788330678	:0.01
and:0.24324582888378196	the:0.1385113941096484	of:0.12598359052043423	to:0.11712117345795753	was:0.09128462150356687	for:0.0720983562371112	in:0.07175195145176773	a:0.06672163572922717	is:0.06328144810650484	:0.01
the:0.2644739053163246	a:0.2522557778891288	The:0.13832675624623256	and:0.1270370395895451	he:0.05649105501499377	that:0.05115664723860371	I:0.039583790160760086	A:0.03464186224940538	little:0.026033166295006092	:0.01
and:0.2433965671591451	him:0.1591857612555844	was:0.15546468801479868	is:0.08403713707126538	it:0.08119311744346455	up:0.0765112129798562	as:0.06975526414728683	come:0.06105440877997866	placed:0.05940184314862022	:0.01
would:0.15442914376698164	and:0.14168467513298827	a:0.13350973032411653	was:0.12299992576973758	not:0.09749386756535243	something:0.09441086586069228	to:0.09257702422377684	is:0.08900408687539607	looked:0.06389068048095844	:0.01
the:0.2757533507337096	of:0.2091089729440173	and:0.13153684155828668	to:0.09358304438585405	a:0.081146021672498	be:0.06265229726697669	in:0.04877686700606273	was:0.045169969758803476	is:0.04227263467379149	:0.01
the:0.49008759458264567	this:0.08872430676872341	every:0.07362007382279014	that:0.07110460668351594	next:0.06553868705175456	other:0.05389769724925966	a:0.05225802273133187	one:0.05047787782173091	all:0.04429113328824782	:0.01
and:0.29976317250318063	for:0.11762014969641486	of:0.10909083458797497	not:0.09994261400957209	about:0.09981071867952002	time:0.07049569260427092	as:0.06561263650320782	was:0.06407523833209523	in:0.06358894308376357	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
that:0.31477914547653374	and:0.20075168692270082	but:0.1078760036867674	as:0.09014379652450287	when:0.0823790812736193	which:0.08073958256682875	if:0.04767380552388467	where:0.03845583820312528	until:0.027201059822037178	:0.01
the:0.2447609397811796	and:0.20200444718786137	of:0.1986975994846867	a:0.0909893927345677	to:0.06145431689100224	in:0.05632114762281005	was:0.0538703414808706	that:0.042194053180521746	by:0.03970776163650004	:0.01
of:0.29571310815330076	to:0.16134431248745904	on:0.10365585392281453	and:0.09379325289278308	for:0.08372949555213699	in:0.06788885987559362	by:0.06495718587385457	at:0.06020931335696609	that:0.0587086178850913	:0.01
-:0.25134583111708886	and:0.15589943064566297	to:0.14789117603391255	I:0.08999456443107923	f:0.07551422879808235	<s>:0.07480276735679822	.:0.07222994257573002	the:0.06261379310970659	f.:0.05970826593193924	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
of:0.22980118444730693	and:0.22693873938118042	to:0.18343447929216947	for:0.0804423747324406	that:0.07132088794940028	in:0.06761276248258313	with:0.04576668374594334	or:0.043159076617589116	nearly:0.04152381135138665	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.3661033215516148	in:0.15226722649351418	the:0.1292548233019136	and:0.12787554077324395	from:0.09260293830664065	for:0.034139300814934784	or:0.030080313037460147	In:0.02933024025669054	by:0.028346295463987335	:0.01
that:0.30371066784491974	if:0.1528592157661182	which:0.13093290885882847	as:0.1067643537300592	and:0.09146677604370172	when:0.06012942554608973	where:0.057718502696278005	what:0.047491073256094876	but:0.03892707625791013	:0.01
<s>:0.2613088549649225	and:0.15580981423434095	was:0.12353456311453885	be:0.12011264833573745	is:0.07434522515091425	are:0.07263628290767327	that:0.06650679362055881	were:0.0627739386615939	.:0.05297187900972013	:0.01
of:0.28768034382228136	in:0.18122734920518865	that:0.12344716691703687	to:0.07446492834042218	under:0.07124158816500614	any:0.07113046011996975	and:0.06211198641638576	for:0.06028084362685405	with:0.05841533338685521	:0.01
the:0.46743960586215993	said:0.25902485690697763	a:0.062234094872626024	of:0.05894410305517061	this:0.04173797499910366	his:0.03882269035759103	tho:0.027121099224896812	in:0.018178630098256248	their:0.016496944623218074	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
and:0.2799490607850435	to:0.13536145426027976	was:0.12532311977518976	is:0.11647623700449218	the:0.0955408097677598	not:0.06275589560373088	be:0.06115216251063991	of:0.05681845625814637	an:0.056622804034717866	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.3128127214263046	made:0.1905990268468962	that:0.10357879789052055	or:0.09051445745057835	it:0.07070940136880872	followed:0.060829952250544786	done:0.05856854563713341	caused:0.05119705814262677	given:0.05119003898658672	:0.01
the:0.3853062731803413	of:0.26851085639706035	and:0.12172038244582212	an:0.04153798870435629	other:0.03884216903352835	or:0.03782545596815829	his:0.03650157694018281	this:0.030130004719243163	one:0.02962529261130733	:0.01
to:0.3795211082901946	will:0.22813591070009004	and:0.07407512922843669	shall:0.06720206575966287	would:0.05676695798690712	they:0.055606093448851	not:0.04416617013122117	may:0.04248479424601594	should:0.04204177020862071	:0.01
number:0.3091317030967422	hundreds:0.10855346930098947	amount:0.10683042086046839	thousands:0.10656691544426491	kind:0.07747549316354946	class:0.07462368935965676	couple:0.07411187986607165	series:0.06707273205706363	plenty:0.06563369685119341	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.47730124653411293	of:0.14637164403838163	a:0.13402815856165165	in:0.05275474210148018	for:0.0525790508573663	their:0.036980183194370714	some:0.03261764881817374	this:0.029083179292690754	his:0.028284146601772288	:0.01
<s>:0.5359515666430382	it.:0.12050481997505645	them.:0.09946406045368157	country.:0.04303754649527292	time.:0.04223756053515764	him.:0.038485454865163096	us.:0.03832367945957663	world.:0.03658649889964677	day.:0.03540881267340669	:0.01
be:0.23454051890189517	and:0.1676955911536511	was:0.14578585294472096	is:0.11136358349180822	been:0.08044474608740007	are:0.07063395726020118	were:0.06757492996930883	he:0.06497274172000982	have:0.046988078471004634	:0.01
the:0.6189860714686293	court:0.10609282030723602	a:0.0811061224426676	tho:0.04548732012152771	The:0.03587128991625342	my:0.034457396206893316	his:0.027299421716290302	this:0.020673433489368325	opera:0.020026124331134036	:0.01
they:0.2751949705560759	who:0.13687574294120822	we:0.10795658789329475	and:0.10148995877582903	which:0.10032550830058978	They:0.09536625522992093	there:0.0638730429063453	that:0.058384316599535045	you:0.05053361679720104	:0.01
Mr.:0.23912125449713859	the:0.23705660495456388	of:0.1415327706790359	and:0.12992053668767986	The:0.07124486107907668	Mrs.:0.05082361753551818	<s>:0.045531107981747955	.:0.03955863766768128	that:0.035210608917557576	:0.01
one:0.21303943994489263	out:0.1698340805609801	part:0.1472687798153334	some:0.10564771493692295	account:0.1047360670487683	any:0.0723917686949588	all:0.06334962810761698	that:0.06091520523433158	tion:0.052817315656195345	:0.01
the:0.4038888879022517	a:0.2023547081363746	to:0.125383930662554	of:0.0571764238612245	every:0.04819440225894617	this:0.04400082948887444	his:0.04317015924478561	their:0.039113598107239515	tho:0.0267170603377496	:0.01
and:0.19663565717511108	he:0.1590604629751269	be:0.13889038343981763	was:0.09977118342110917	has:0.09044065856844664	have:0.0799595607034155	had:0.07759116643716985	who:0.07706681423755467	I:0.07058411304224854	:0.01
the:0.27004892961346216	1st:0.15109863150680777	first:0.12513779671039005	a:0.10378703560438178	25th:0.08044042951759475	7th:0.06850863141428767	10th:0.0652308917143553	12th:0.06469097803790061	21st:0.06105667588081993	:0.01
in:0.3003157086259072	of:0.22129030242522593	from:0.16746925589096087	with:0.06126148460572061	In:0.060549961696606834	by:0.05094237284046594	on:0.04822152188466671	upon:0.040068523460947865	for:0.03988086856949816	:0.01
the:0.46582213401798644	of:0.11813564524698672	in:0.11020948254759118	a:0.10064028122380038	their:0.044251050839546086	to:0.03958621383641684	and:0.03835151812051628	any:0.03834925526132691	In:0.03465441890582906	:0.01
the:0.4841379428532901	a:0.17642480431468033	this:0.10047183440007879	dining:0.09816400206178331	The:0.028586567844761195	his:0.027059205287243093	court:0.02694902099131079	tho:0.025791753533663447	and:0.022414868713188832	:0.01
the:0.6770184269171864	of:0.08221178394185444	other:0.04801151431183628	this:0.04008252814359068	a:0.03373720145075685	The:0.03226977211178734	tho:0.031945108872370336	said:0.025438803825775808	our:0.019284860424841732	:0.01
in:0.14081922777303538	up:0.13874891581862403	made:0.11438803758118404	;:0.10805266909721242	it:0.10786373964605228	it,:0.10716033417897484	him:0.10013324207554894	out:0.0947820901973747	work:0.07805174363199326	:0.01
as:0.17570771504429286	and:0.14691264794322195	is:0.12976908359000947	enough:0.09574300393056602	able:0.09384229814825551	right:0.09185656418392346	order:0.0864135167953892	going:0.0852788000007006	him:0.08447637036364089	:0.01
of:0.2616976228646263	in:0.15724106356757453	to:0.14017010901911817	and:0.09964683080692453	at:0.099349460785964	on:0.09764136297699581	with:0.04736378285680711	from:0.046898920653475715	for:0.039990846468513995	:0.01
to:0.20824004866035978	the:0.2040097545902015	and:0.19980432728505823	of:0.15978957334487476	in:0.06337877849958568	a:0.05463758289552893	not:0.03746152227349155	I:0.031804518390908185	be:0.030873894059991417	:0.01
and:0.22597815624741485	one:0.17456606454071236	it:0.1164630046428801	that:0.11137613281567905	<s>:0.10062115029033251	out:0.090674534897487	day:0.06148663065325185	work:0.0552186661235739	time:0.05361565978866845	:0.01
of:0.24054612664030398	the:0.23134729317373148	a:0.12307836210816837	in:0.10200644051443102	and:0.08358327811089314	for:0.06284983155258313	to:0.05941456848440095	on:0.04897108979144876	as:0.03820300962403916	:0.01
the:0.30152048770274475	his:0.13893045119827885	healthy:0.09476919224243413	this:0.09211837708584614	a:0.08429806198471271	her:0.07974273356816743	good:0.07846486135418046	my:0.06707825580612903	their:0.05307757905750671	:0.01
the:0.41960400851900864	of:0.15747386278790595	for:0.1467290096711253	and:0.0777294088461848	in:0.06903788063487801	by:0.035950202297450516	from:0.0328934672334286	to:0.02964678078321371	at:0.02093537922680463	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
beginning,:0.3644462202323462	and:0.1366403463969216	west,:0.11212876689908088	ning,:0.0753701312051083	ginning,:0.06877614759837276	lot:0.06734749449273872	beginning;:0.06721444198740888	one:0.052460158432591185	section:0.04561629275543146	:0.01
of:0.2961378364416716	in:0.196340957644997	the:0.12252948082367253	to:0.08693925818903896	from:0.06951187292445549	and:0.06550253851847376	In:0.054013526715922563	for:0.05179931626505328	at:0.0472252124767149	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
and:0.4753630914642694	And:0.16908229988174533	not:0.12181233288152349	as:0.09084502398258333	that:0.03638346719579383	but:0.027684844771815605	is:0.027663079905897274	do:0.020661093844602546	it:0.020504766071769247	:0.01
and:0.1390807564514581	able:0.1172699921339807	inclined:0.11264383740129874	began:0.11257028316868084	reason:0.11186394006528023	enough:0.10371048650475503	him:0.10279962615609585	me:0.09955985379255257	as:0.09050122432589786	:0.01
the:0.2594205302439901	of:0.18654111504155335	and:0.14980457588960347	a:0.14300445659557265	to:0.11266998464881188	in:0.045066931684193054	for:0.033288995496607535	with:0.0325152961874752	The:0.027688114212192614	:0.01
of:0.28059495498551096	in:0.23042676682598112	to:0.14325868795753752	and:0.09284208615396106	by:0.0717157089108626	from:0.06568617558142205	In:0.06454452850648082	at:0.020825099090386587	for:0.020105991987857393	:0.01
it:0.20622348714107272	that:0.16057455996523642	there:0.14151153360535962	which:0.11963266539685385	they:0.10506951759105808	It:0.08276968157081656	he:0.06915141905166503	and:0.0620236112565421	There:0.04304352442139564	:0.01
the:0.4669302625652774	his:0.14971417949244145	a:0.09688904568483585	of:0.09077132678288212	their:0.05240475428279838	her:0.04132760525122925	and:0.040269526739356444	our:0.026420365930983507	my:0.025272933270195596	:0.01
to:0.22154552107591224	of:0.19360580187253087	in:0.15188290223553114	on:0.14491741763150148	at:0.0796976930492374	for:0.06224328980900977	from:0.050641913904358786	with:0.04828790688251882	and:0.03717755353939949	:0.01
three:0.19279697731532905	two:0.16467916308965086	many:0.13785310916254612	four:0.11005783504033953	five:0.10177810510635743	several:0.07569980042604027	few:0.07568938861103443	ten:0.07107366265411402	six:0.06037195859458832	:0.01
and:0.2197990913161108	is:0.14400557876463402	as:0.10990698663355274	time:0.10202671916292028	them:0.0973472004956855	him:0.09482600801483522	able:0.08197968099286954	right:0.0707741101772166	was:0.06933462444217536	:0.01
and:0.24413116292889298	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709101	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
he:0.25804153726188217	it:0.11645350547970212	which:0.11494095259334056	who:0.10016493861859872	that:0.09505879060940096	and:0.09020174911822765	He:0.08658782201620924	It:0.07978162569655856	she:0.04876907860608006	:0.01
all:0.2052072376362731	and:0.1656793780544644	of:0.1381456356324633	for:0.11622597132013011	was:0.11177474517936757	at:0.07291753114374436	it:0.06332698793736738	went:0.06101312218261672	is:0.05570939091357279	:0.01
and:0.19784363851704323	the:0.18276704782244832	to:0.14500827149026402	of:0.12945615612789987	in:0.09818664300029176	or:0.07959240523144688	for:0.05705759260499335	that:0.05427595194482773	con-:0.04581229326078481	:0.01
it:0.2785062729759501	It:0.20141476549610265	he:0.13744314665694493	I:0.09219424675928593	and:0.08935763302433071	which:0.0644125401890308	He:0.051063613787848766	she:0.045915339445330834	there:0.029692441665175286	:0.01
and:0.2705179520333999	he:0.17781324535012288	I:0.13106289081721967	which:0.09587282308995021	He:0.08427501884118471	that:0.06663701734323696	who:0.0621913277646562	they:0.055469516797737636	she:0.04616020796249195	:0.01
of:0.3150567606571244	for:0.14198206426555585	in:0.13030704690462364	with:0.09056470374389108	to:0.08702466807146246	and:0.07551331974455422	at:0.053637686125381764	all:0.049336664727556025	by:0.04657708575985059	:0.01
and:0.2872855932588996	is:0.13028010380855143	are:0.11054302141998959	that:0.11043108689342071	<s>:0.07899774008845051	was:0.07845754025910608	of:0.07135483338811019	or:0.06470552774243195	Is:0.05794455314103982	:0.01
and:0.33670550057808174	of:0.26024131515442933	is:0.06586432030345328	so:0.064870234426403	are:0.06461919220269709	that:0.05435846048137375	for:0.05150615769412267	was:0.047572604714332174	in:0.04426221444510705	:0.01
he:0.24690779282578104	who:0.1549933905459218	I:0.13230341733765144	they:0.10007106586891547	and:0.08935552743836536	which:0.0854594990456329	that:0.08069740997367807	she:0.05143526587197059	it:0.04877663109208337	:0.01
the:0.5581495681161999	a:0.13920673957599977	to:0.07531796461344047	of:0.07410402713355416	The:0.043961187360467696	and:0.03146434554517054	tho:0.024942075426574846	its:0.02246543176322003	no:0.02038866046537273	:0.01
of:0.20107488417226116	in:0.1955067057583691	to:0.127361692104422	and:0.11990727085676901	the:0.1045210483007398	a:0.09033202467013654	In:0.0520174454591061	with:0.051878318268166704	for:0.04740061041002951	:0.01
and:0.19228401073364065	the:0.1313298526858574	or:0.1306311199332915	of:0.12354888965716775	in:0.09078030986414558	about:0.08859208648564271	for:0.08247831140363643	with:0.07561706832829147	are:0.07473835090832669	:0.01
the:0.3376881731769783	a:0.2304929568176765	and:0.10377232537822301	most:0.07245686973857796	be:0.05806473712285158	is:0.05752114733357367	are:0.05455492987697932	of:0.039208304603131565	an:0.03624055595200813	:0.01
of:0.2947816448856356	and:0.12077975314964738	in:0.11972900992439928	to:0.11177996770677866	on:0.08837148109666025	that:0.07191167799060616	for:0.07003551989762355	at:0.06508226108411524	from:0.04752868426453382	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
and:0.14687097063519727	was:0.13144016153503102	be:0.1298179898420686	of:0.126909027809208	to:0.12400741317345794	the:0.12208409535462889	a:0.08691788614863778	been:0.06163426610110866	were:0.06031818940066173	:0.01
and:0.2165381807466691	the:0.18724203922351226	of:0.14904754853675403	to:0.11548725602063734	be:0.07888300539379994	was:0.07500647985195938	in:0.06698318540006265	is:0.055634215838476345	are:0.04517808898812875	:0.01
and:0.26276554424049875	well:0.17165735638285678	regarded:0.10215108442096366	him:0.08688236618817878	known:0.08594969760882573	soon:0.07468266047506815	it:0.07254659441566477	is:0.06743217334715047	but:0.06593252292079285	:0.01
men:0.22190510562162422	city:0.15947862646083896	hundred:0.10902804997747162	William:0.09595112931661434	James:0.09533316606871434	Mayor:0.08504890097049622	Robert:0.07743686913537777	land:0.07385896376951134	street:0.07195918867935111	:0.01
in:0.33028972151448366	of:0.19543775312740447	In:0.11191210748799375	for:0.08225665968267411	to:0.06692099718183327	and:0.06391144187588398	from:0.05189946606090556	with:0.04695782759469488	on:0.04041402547412629	:0.01
in:0.3384046224709802	of:0.25488543611751086	that:0.11765585266810746	by:0.07024243908853048	and:0.06555247812144435	In:0.050690465532179735	from:0.03296785496955466	to:0.030947238208389263	for:0.02865361282330304	:0.01
United:0.8210352873053699	the:0.05193240601161514	other:0.03166476599096427	Southern:0.022310179292304493	per:0.016669771300172193	this:0.013235139122835929	a:0.012963405179057665	of:0.01228750272514043	and:0.00790154307253983	:0.01
the:0.7415188984257353	The:0.07137370005054189	tho:0.040316991948868224	and:0.030647586935438266	of:0.026363994990554782	other:0.02157769072979183	all:0.021011283338122355	a:0.020370155139201505	tbe:0.01681969844174597	:0.01
the:0.42554143142955875	of:0.2577977205916756	for:0.05615398096999852	a:0.053210268130685606	The:0.045125520275926354	any:0.04480077717637477	and:0.04154104857248507	by:0.03606314187654978	every:0.029766110976745544	:0.01
of:0.3064548128410847	in:0.13451021958574313	that:0.13128206868390754	to:0.1215605249810727	and:0.08000629054803014	for:0.06198795378243899	with:0.05951700167116916	by:0.04790608925107299	at:0.0467750386554807	:0.01
the:0.5631640663811452	The:0.139518375248108	of:0.08121619885629584	this:0.054255470718658	federal:0.038332516246623594	that:0.030759120944151484	our:0.029421214498232894	general:0.027689958637903758	tho:0.02564307846888113	:0.01
the:0.568426019541185	an:0.14944716454307577	this:0.0784472160128626	The:0.06797442052530622	tho:0.041468360538009015	a:0.023209467797078116	other:0.021579028475761052	This:0.020560361800532848	tbe:0.0188879607661894	:0.01
him:0.22511585349940635	;:0.1342553032180852	man:0.11574635372301251	him,:0.0950718889975085	up:0.09324255187190897	and:0.09098934403345373	himself:0.0835495239653671	in:0.08043645717718255	man,:0.07159272351407525	:0.01
the:0.7057212104862842	The:0.07664644842588077	a:0.055873992144735526	rapid:0.041805059036380814	tho:0.0398900893798924	great:0.022893421097266147	and:0.020121244650809656	of:0.013746453695272392	tbe:0.013302081083478181	:0.01
a:0.5665464804332416	of:0.169451292084179	in:0.08027467306873483	the:0.05563886155870365	with:0.03163081955150117	very:0.026642228415813537	for:0.024919761893286527	no:0.019922694059749703	In:0.014973188934789959	:0.01
to:0.2217463971622426	and:0.19225798005313668	the:0.1471929736654893	of:0.13936763631664392	was:0.0700426155661776	in:0.05699809170812658	be:0.05643252036394439	is:0.05594569383473537	a:0.050016091329503416	:0.01
of:0.3053201260176513	in:0.15502082667269165	to:0.11061818913111031	and:0.11005072871403838	for:0.07858318538356222	on:0.07122161957957238	with:0.06800385353867228	from:0.048128583295157686	at:0.043052887667543706	:0.01
the:0.37152690722546	a:0.16067729015132767	and:0.14675088427856234	of:0.07724323665711878	The:0.05477457886971272	in:0.05300380563761825	with:0.051554822453152876	to:0.04436625587688854	is:0.030102218850158707	:0.01
the:0.7549208027183822	and:0.06359700639886885	tho:0.04988074477289363	a:0.04028239003289291	The:0.03703872223266112	tbe:0.014894298990189566	an:0.01051498187173781	that:0.009668489090085526	in:0.009202563892288343	:0.01
and:0.424262740400577	that:0.21105928904320093	but:0.1167074728200193	But:0.054839101489017175	day:0.050907205711045275	time:0.05024178815036634	come:0.030763782863498474	ago,:0.02771168213340699	And:0.023506937388868564	:0.01
out:0.20484184856702875	that:0.12506863279874877	name:0.11139414049963874	people:0.10713282517056189	favor:0.09149850587936387	time:0.08978360858091117	and:0.08866766464000633	case:0.08771994010626805	tion:0.08389283375747252	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.6518644195884169	among:0.07523679949031054	for:0.06698582107718151	to:0.04766601983186333	with:0.04597859110254206	by:0.04333923567778216	Among:0.021945938712084997	upon:0.019760277507308042	in:0.017222897012510504	:0.01
<s>:0.49087146734058307	it.:0.10171612779035905	them.:0.08533630682868089	time.:0.06666658130492208	.:0.050650860594710925	country.:0.0505285527077632	him.:0.050439534074252224	day.:0.04956736115227381	year.:0.044223208206454756	:0.01
the:0.3575873425570205	this:0.1208707969977656	his:0.11591844649120511	in:0.07881837141020238	of:0.07420791059121049	that:0.06722002403597777	same:0.06558088018037041	my:0.05651659715160705	their:0.053279630584640636	:0.01
and:0.26276554424049875	well:0.17165735638285678	regarded:0.10215108442096366	him:0.08688236618817878	known:0.08594969760882573	soon:0.07468266047506815	it:0.07254659441566477	is:0.06743217334715047	but:0.06593252292079285	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.2111073510533655	and:0.2027864104566796	in:0.1579395119428971	to:0.11515431977061771	the:0.07094383169745808	for:0.06282730478898163	at:0.05959652104083471	street:0.05783646837335892	or:0.05180828087580652	:0.01
of:0.29964286037637883	to:0.1973461481650174	in:0.11367634842915555	on:0.0987250376586758	and:0.08128524018819365	at:0.054057352912635345	from:0.049735223235936425	with:0.048754264637581896	by:0.046777524396425185	:0.01
on:0.506524092053167	On:0.16089344459627272	next:0.06982864016697483	first:0.05527591117960176	of:0.050105395784163446	last:0.045013078002376215	and:0.04439937930840699	until:0.03138623968624189	after:0.026573819222795184	:0.01
the:0.7162356429148993	The:0.0729563281724872	a:0.05719866385898185	tho:0.043529483921228046	and:0.04162777847619565	his:0.020411283050697136	tbe:0.014207466374072695	in:0.012036037686214926	great:0.011797315545223145	:0.01
the:0.26692919700509743	of:0.17016801151255767	and:0.1430756669073715	that:0.08567233779178111	a:0.07140473673112661	to:0.06686547652312638	The:0.06591693537233992	which:0.06108829450685444	in:0.05887934364974505	:0.01
the:0.7094443771499301	of:0.047541992992444645	tho:0.04729723752600465	this:0.040456396751398775	an:0.036222794245305105	and:0.03499057927177151	a:0.02574572922942972	that:0.025487401863031285	in:0.022813490970684035	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.3013673442186535	in:0.2256059859180911	to:0.13825846817005008	by:0.07653120446551107	and:0.0552690853685818	that:0.05456542266561978	with:0.053188993290789015	under:0.04275851937319165	for:0.04245497652951206	:0.01
the:0.26821139754720336	of:0.2321116092164102	and:0.11288330434358389	to:0.0839949453403755	on:0.06633191961513757	a:0.06474748845750614	in:0.0646107811417762	by:0.06185648873522322	from:0.03525206560278403	:0.01
of:0.321530920750835	to:0.14636352071318032	in:0.12020528648288607	with:0.08515544760817309	by:0.08505441320243934	and:0.06822706649198651	for:0.059154451340600406	that:0.05791059525000761	from:0.04639829815989168	:0.01
the:0.49071181013339044	of:0.09917142227616707	a:0.09063038226324949	The:0.07279693358379771	and:0.06260663546232871	their:0.06105850829128822	these:0.04089188814292679	other:0.03808416488156045	such:0.03404825496529114	:0.01
of:0.21411416347999995	in:0.18647533155173596	to:0.1571447907557927	and:0.09785684396971212	as:0.08489726601416413	with:0.0701969234032176	for:0.06756193300320393	is:0.060009674700360574	by:0.051743073121813005	:0.01
the:0.5914295936594018	a:0.1833420961877774	The:0.0641742254597642	tho:0.048584098114795436	tbe:0.025635234192037358	an:0.025247243123658204	this:0.02026449583944286	any:0.016455839984361054	every:0.014867173438761603	:0.01
;:0.166410416870824	it,:0.14067740649544613	years,:0.13016694302705759	here:0.09487690594470952	them,:0.09378174610294242	him:0.09260168877066724	it:0.09104309653116786	time,:0.09065192185789876	<s>:0.08978987439928655	:0.01
a:0.29459157634302763	said:0.19749915414356226	by:0.18578639526570034	the:0.1529819938006253	certain:0.07475452484656477	in:0.027082724148591565	and:0.022034744630031057	of:0.021519440331039166	first:0.013749446490857945	:0.01
No.:0.32530556107980824	and:0.18394250833647072	at:0.10645165966321307	as:0.08624725062986703	that:0.0792027005845914	<s>:0.055216575176132585	an:0.054480072748208874	to:0.05305403293549411	about:0.0460996388462138	:0.01
the:0.479297469074927	of:0.183261116074085	a:0.12176801382651574	his:0.05001698621037921	and:0.03639113505255365	The:0.03249319387397701	text:0.030933958834820904	on:0.0284861094864104	said:0.027352017566331214	:0.01
and:0.32745107267362	do:0.18773941909960107	was:0.10311454738647158	And:0.08496158551250992	is:0.08096017701334905	not:0.05975866024961793	be:0.05480392069115407	or:0.047342721012412756	but:0.04386789636126359	:0.01
they:0.2226293496907488	there:0.19100560444436882	There:0.12146331199472163	we:0.10627940553074859	who:0.09196498255020337	which:0.08093235504077412	that:0.0634012538829739	They:0.05947029151878236	and:0.05285344534667851	:0.01
and:0.29215264426448745	was:0.1460354725977545	is:0.11436710339533344	do:0.11312222476873186	or:0.09142103944770523	not:0.07731038256170697	be:0.05918875390546549	are:0.05485211715080089	were:0.04155026190801416	:0.01
I:0.411832692374785	we:0.2411150913205089	We:0.07001021100705587	to:0.06406421634019337	will:0.05202224065111495	you:0.04381434758636353	they:0.04265033116214864	can:0.032856515636878685	not:0.03163435392095097	:0.01
of:0.34071689275770173	in:0.162244170328643	to:0.13602454263306102	and:0.0982946260080865	that:0.07028386805482817	for:0.053388328170773734	with:0.05328033383571257	from:0.042272547350020125	by:0.033494690861172946	:0.01
a:0.41226519124232336	the:0.3056100948610437	his:0.11280249870586781	their:0.037601636595987864	The:0.03498094462139956	of:0.028756253403325875	my:0.023225959542307332	tho:0.018748975747835715	its:0.016008445279908804	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
of:0.28124851442277427	by:0.180854350517991	that:0.15342322813145062	and:0.12560963837085168	to:0.0851214630742222	<s>:0.06174871370393691	said:0.03757167016804163	which:0.03427219090742636	with:0.03015023070330532	:0.01
sum:0.39844219523734536	rate:0.19102718714147895	number:0.10107406831849884	one:0.07030403102755706	period:0.06589496185945465	depth:0.054691593902975094	hundreds:0.03671475044040234	amount:0.036487210743690934	payment:0.03536400132859675	:0.01
that:0.2552027492246132	and:0.24739616137381143	but:0.13951823211335046	as:0.10047275784378422	which:0.07665856935201883	if:0.05195519272673162	when:0.04972913884251489	where:0.03626071909960702	But:0.03280647942356842	:0.01
to:0.18807728249103833	and:0.1515828472138269	of:0.12732347270100863	the:0.11989910358734432	be:0.09156640694129753	was:0.0914947437144206	for:0.0796694851503024	is:0.0750544461508341	I:0.06533221204992716	:0.01
of:0.3713469509544565	to:0.1514708017555304	that:0.10527984797247181	in:0.08678755123882	and:0.06990737924797069	by:0.06375572719248994	on:0.055288338966648115	for:0.04561655489153375	from:0.04054684778007883	:0.01
as:0.2503395413523125	and:0.12846489575016073	up:0.10870416592958963	according:0.10281356858919301	come:0.10184768512104386	came:0.09155280243263224	regard:0.07971471354938511	given:0.06387518649061748	it:0.06268744078506551	:0.01
it:0.43347313998051884	It:0.21074485232205384	there:0.07298484346345296	he:0.06149203904707085	that:0.05764614221423334	which:0.053972028181908036	and:0.043207789586334006	who:0.034576768583026656	He:0.021902396621401424	:0.01
the:0.22421702424882406	to:0.20168663080796442	and:0.172876766991225	a:0.12563426816930676	I:0.0638959805680891	will:0.05814356836551889	1:0.053873587926483134	The:0.04562196369694029	that:0.044050209225648305	:0.01
of:0.3311218871503176	to:0.1564545346777244	on:0.1217131430053328	and:0.080292374777924	that:0.07444739103807398	at:0.05983759550894024	in:0.0585803128778996	from:0.05477694988243368	by:0.05277581108135368	:0.01
and:0.30691768841380734	to:0.2747214705260884	he:0.09147576289552703	who:0.0729294380761556	I:0.06006637984563058	will:0.04998309545694458	be:0.045457189175457796	not:0.04460289589245125	they:0.04384607971793737	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.3330780306095659	a:0.17652479588184378	his:0.16814996203988847	of:0.09796946140624414	my:0.06276378778866089	said:0.04390984793035817	her:0.03729615798546441	to:0.03548854945535291	in:0.03481940690262127	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.46512986269624595	of:0.20137203535293408	The:0.08913732041017779	and:0.05425610546129666	that:0.04812595062190358	by:0.04577219867108797	to:0.03704887620947483	at:0.024624264167202117	for:0.02453338640967705	:0.01
to:0.36667853889223306	will:0.16469197263486063	may:0.10213546745188039	would:0.08070490333150067	can:0.0686782914258341	should:0.06539141353700821	not:0.049514092292828084	could:0.04758234607309525	shall:0.04462297436075962	:0.01
to:0.3382095320489563	and:0.21216579017137732	the:0.10137482389519036	of:0.07701780818657018	had:0.05933134710609208	in:0.0555665182363792	will:0.0537614766164228	he:0.047704205353917895	not:0.0448684983850936	:0.01
and:0.18929310138123437	covered:0.16935884120870554	filled:0.14496098815620134	together:0.1149389467597416	charged:0.08927804784918368	it:0.07994316895661391	up:0.07366667277508843	him:0.06832445206581947	them:0.06023578084741164	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.22042126890701255	of:0.20408318417113178	the:0.18452980186415882	a:0.08750555355894948	to:0.07065734084190221	is:0.05873176727113704	was:0.05726416189082198	be:0.05368261462279395	in:0.053124306872092075	:0.01
of:0.15862241364981214	and:0.15751333905624854	to:0.15637447451180367	the:0.14620390380107715	in:0.129532116122774	a:0.0677699611842351	was:0.06062990956871154	is:0.06058567911506544	for:0.0527682029902725	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
that:0.2376520708806692	and:0.15164463986944382	to:0.13666909515574896	which:0.10948628312431528	will:0.09129694954360515	as:0.0810667111359323	would:0.06737271352788328	may:0.05776309551919013	should:0.05704844124321188	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
of:0.24059244853094627	the:0.19754824402226043	and:0.18620911162898604	to:0.0940624459293436	in:0.07839068317494356	said:0.056659278367284675	be:0.04793254180743412	for:0.04582273039147496	was:0.04278251614732634	:0.01
a:0.47603451673343294	the:0.3445984379323249	The:0.06497185602960437	A:0.02976880712442993	this:0.026527571906620244	appropriation:0.01460275836486053	tho:0.014526762829882491	tariff:0.011418314041628538	any:0.007550975037215941	:0.01
the:0.33601536274839616	of:0.16958902826991312	Mr.:0.10573912457216135	The:0.10541590539910746	and:0.08531333366099246	that:0.07291914405203645	a:0.05455260066519831	this:0.03190090597915657	in:0.028554594653037953	:0.01
the:0.3365966658243967	and:0.2050154410439561	an:0.17235823722784885	The:0.0722925069178166	most:0.049800421042600546	of:0.04680642770935598	as:0.04180621822645146	very:0.03271660160966339	their:0.03260748039791042	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
and:0.47213562521669233	that:0.09552920356980568	interest:0.06633862067005994	recorded:0.06581405347603823	it:0.06375319088470738	or:0.05782577173616122	out:0.05638037521876733	made:0.056338027536220095	time:0.05588513169154786	:0.01
be:0.23777448438562834	and:0.2327708723621889	he:0.09795705709236378	was:0.09569718703722503	are:0.08661618244063929	is:0.06968028903862589	not:0.05915657588391208	have:0.05774283593511534	had:0.05260451582430131	:0.01
be:0.20041205542997403	and:0.19192143477940646	was:0.1504793564183267	is:0.10973087489465469	as:0.09292349854651334	are:0.09139114493499768	been:0.07526429608737537	were:0.048633188706139134	the:0.02924415020261252	:0.01
a:0.32074622139833636	the:0.25135267255546684	to:0.18333594615060214	and:0.06562279063843385	The:0.06509600212251858	A:0.031347900898184504	annual:0.030977355495680006	will:0.023643081811975247	this:0.01787802892880237	:0.01
an:0.29734711372000266	the:0.20970566545962255	of:0.15795840446901827	and:0.1324058376338581	for:0.044512857303391835	such:0.03993063696053186	a:0.03877420397824059	two:0.0371973692088642	their:0.03216791126646992	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
.:0.1693614511198382	-:0.12313394165127724	and:0.11904540782536616	in:0.1148715293539567	of:0.11128802790537222	from:0.10328317285499174	pre-:0.086879270842067	de-:0.08118706016701102	lots:0.0809501382801197	:0.01
Mrs.:0.240337688506856	.:0.2311062065514034	Mr.:0.13844615762874063	Miss:0.07946885595310749	W.:0.06888513245583279	J.:0.06882609839082171	No.:0.05880096456443666	E:0.05376838040971031	John:0.050360515539091	:0.01
and:0.3001656816032403	that:0.12299120516127927	look:0.10934118211629928	depend:0.10273980746253973	effect:0.07901041552719541	it:0.07546251114244452	called:0.06879594237836699	one:0.06575310023665823	depends:0.06574015437197628	:0.01
the:0.40313068482336106	a:0.32514982627354916	this:0.05201555027898132	of:0.05010604022470407	The:0.04242790244166413	and:0.0318174076878464	to:0.030417021410474386	at:0.030313078859614383	tho:0.024622487999805057	:0.01
of:0.3361148749520111	for:0.19210725473668658	in:0.10818094247355718	to:0.08159078494581756	by:0.06873892298104065	and:0.05632892212882571	that:0.05319050008505763	with:0.05147989018552864	In:0.04226790751147483	:0.01
the:0.36051072052476685	of:0.17281304215434465	and:0.1139811815403608	a:0.08979779750195722	to:0.07563618370616314	be:0.05662951240474314	his:0.042135587239983785	was:0.04190956329290082	in:0.036586411634779596	:0.01
he:0.1857106668923095	and:0.16676591246660755	I:0.1341331230343699	it:0.11377491236401949	they:0.08736727002712691	that:0.08594340343874561	which:0.08154139504180334	who:0.07203626067406566	we:0.06272705606095212	:0.01
was:0.23600170019866618	is:0.23412256680353316	are:0.11545702214165551	be:0.09183092668178115	and:0.07830921407445679	been:0.076153444492915	were:0.07025704863497513	the:0.04735912065861075	very:0.0405089563134064	:0.01
to:0.4608529062456118	and:0.1165299586479271	be:0.09434616593501975	the:0.08492949338161156	not:0.06247169331270574	will:0.054533991831303655	was:0.05234849939910112	a:0.03269122522570335	been:0.031296066021015936	:0.01
of:0.28585326530148736	to:0.1348257034074615	and:0.1303573513695322	in:0.12079378938377175	for:0.09785161584784226	that:0.06817765478204975	with:0.06121400735728227	by:0.04885327774234176	from:0.04207333480823131	:0.01
and:0.5630281288305425	but:0.10302092752128048	that:0.08125331156393312	time:0.06129767969981134	was:0.05250297352297701	it:0.035400040176521305	day:0.03461454254811031	But:0.0305442404610193	him:0.028338155675804437	:0.01
was:0.25368218131402853	and:0.2218625336524965	be:0.10069714171800459	were:0.08968383041608659	are:0.08466949998887617	is:0.08264160557064389	him:0.05751391696433493	it:0.050152834341272504	them:0.04909645603425613	:0.01
of:0.4609069158437067	in:0.09908654752073852	for:0.08514609752775171	to:0.08327262414943463	and:0.07923412556309488	that:0.07281514634220612	by:0.047534580375105315	as:0.03182967740107223	with:0.030174285276890072	:0.01
is:0.17584928940821604	and:0.1437438535346068	as:0.12438223965353472	order:0.1048234351280323	enough:0.0985645665450189	have:0.09607742412944775	right:0.08371014603419488	not:0.08357053442996634	had:0.07927851113698225	:0.01
be:0.4680313598481093	was:0.11963664141733155	been:0.09886277056318876	is:0.08963763801479635	and:0.05218674652229353	are:0.0459617438388731	were:0.04254909381680699	he:0.03710854599185753	have:0.036025459986743016	:0.01
a:0.3582157510093197	the:0.2586427042356898	no:0.17877262463608132	this:0.08390129525367031	easy:0.026979567663135806	any:0.02456936649282437	his:0.02195453087702666	The:0.02090941955300996	every:0.016054740279242037	:0.01
the:0.2715969304368774	and:0.1708797043470871	of:0.16050658211856705	a:0.10294521031332218	in:0.09172950058765036	to:0.06745564032066945	for:0.055558084187928285	In:0.03616940127240592	that:0.033158946415492274	:0.01
of:0.3543014123710041	in:0.17000256417152437	for:0.11325356514142942	to:0.10889191627224201	at:0.05597098025601542	is:0.05348528452533378	and:0.04912243497738307	from:0.0428330605439979	with:0.042138781741069734	:0.01
of:0.3728798589710132	in:0.10679255801003197	for:0.10548830657680139	and:0.09808468579533683	that:0.08977383915781684	to:0.08053331733226725	on:0.05522920803004978	with:0.049628025459149766	by:0.03159020066753299	:0.01
of:0.21562148913240275	was:0.16341970512045761	and:0.1288276608281716	are:0.11418573478946278	is:0.10619178627104271	were:0.084693943036442	for:0.06286157464713574	in:0.058373258989052844	all:0.055824847185831895	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
;:0.24189029576339335	it,:0.14447455886319682	him,:0.13078560541511702	them,:0.09615167478019503	it:0.08115502745303596	him:0.07882403108585184	in:0.07795527625761661	time,:0.06946212330919997	States,:0.06930140707239349	:0.01
to:0.30697129920102373	a:0.24485556382943735	the:0.16492492576741216	and:0.09880362291316575	of:0.04506126520915889	will:0.043036987695544406	his:0.028957233266756064	not:0.028866978048613517	or:0.028522124068888235	:0.01
of:0.2385278850815901	the:0.16802364293714533	and:0.12948864632017906	to:0.12756909556412252	in:0.08455289842744297	a:0.07072259306338716	be:0.06299644397177792	for:0.06094683413443188	is:0.04717196049992302	:0.01
of:0.22210004503670158	the:0.215004548183898	a:0.1636896905732623	and:0.13635181660588036	to:0.10325468372960224	or:0.040798351499284916	in:0.039867367890940045	at:0.035588074655142875	for:0.03334542182528761	:0.01
of:0.18880213152044256	be:0.15952634421614736	was:0.1448436456572958	and:0.12188592596947893	is:0.11522722466958864	as:0.07186882862224966	to:0.06784985882723787	in:0.06762663294412088	been:0.05236940757343838	:0.01
to:0.788456168898409	not:0.05480100401443986	and:0.043054232597067074	will:0.023978293897347007	would:0.020684549596096318	may:0.01694283341535962	of:0.016653128207060646	shall:0.013006400876492158	can:0.012423388497728265	:0.01
and:0.23269702242011067	made:0.22981759683133623	or:0.11115481161761777	that:0.07236086063876271	him:0.07054273789002967	followed:0.07041660789627405	owned:0.07020071888558449	ed:0.06697266320322266	accompanied:0.0658369806170616	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
I:0.18929863357942384	you:0.18108444203793936	we:0.17220944510444866	he:0.13741726989333503	they:0.1189478738961865	We:0.0608338369467268	You:0.046615493091903625	it:0.046175875157790376	she:0.037417130292245734	:0.01
this:0.5347727499290231	the:0.0913024659533519	to:0.0695412233773667	his:0.06677669691809522	in:0.05630158863090623	a:0.05190303390233848	my:0.043915767072520075	good:0.03889720627474205	that:0.03658926794165627	:0.01
is:0.34292632942557216	was:0.11793252288422891	have:0.11026298811053771	be:0.1082860354118234	and:0.08695989161149832	had:0.08271305474595515	will:0.052189383848504634	has:0.044463831832014335	Is:0.0442659621298654	:0.01
to:0.33374178194784143	will:0.25057634785895	shall:0.1115458164177688	should:0.06726724657547434	may:0.05762681793275022	can:0.04891924077201312	would:0.045310390271447135	not:0.03767469818076324	must:0.03733766004299166	:0.01
it:0.18679305196147591	he:0.16876783716295488	which:0.14326776303978445	and:0.13233713303363692	It:0.12485685047701775	that:0.09411031057835115	who:0.07572467526344327	He:0.034950062063988006	as:0.029192316419347636	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
it:0.3082060212048176	that:0.25450170073784895	It:0.14048942886279406	which:0.09295052193456221	and:0.059347388845515395	he:0.04786233082169846	There:0.031995916383998194	there:0.027716269030763366	That:0.026930422178001658	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.32529871746742123	and:0.14912372841316746	a:0.14027165602407993	of:0.11217120035068996	to:0.08552326351301597	in:0.057930174340973487	for:0.05237941980174096	The:0.03409502491110042	his:0.03320681517781065	:0.01
to:0.4578279007081993	a:0.1619483875631491	will:0.09758166500396734	the:0.08646443354262638	not:0.05117953158224914	would:0.046002311847599946	and:0.034341192708430654	shall:0.02754035224458743	his:0.027114224799190758	:0.01
and:0.3338967645844843	was:0.12033738840254274	is:0.09593434813429898	Beginning:0.08318566721134907	look:0.08299409277174184	be:0.07424891739439102	it:0.07028023932803563	are:0.06640065738748735	that:0.06272192478566906	:0.01
of:0.2569859210910987	and:0.22466833566588232	on:0.1034942908146389	in:0.07800366875150576	is:0.07243591934962598	are:0.06888718439648403	to:0.06409222627708074	was:0.06166781805959301	an:0.059764635594090454	:0.01
the:0.6669487995185507	a:0.08093680959932316	The:0.05158523426379452	tho:0.04820417593943872	and:0.0475240541877656	great:0.029542942421192476	tbe:0.02282330117239367	in:0.02198132969741298	this:0.020453353200128196	:0.01
and:0.30639892174136835	the:0.201328607960422	a:0.10590145685930408	that:0.07728658596259633	of:0.07256561656862083	to:0.06625169406545321	man:0.06198327032368994	time:0.05679892857441254	men:0.04148491794413284	:0.01
and:0.19583342605332962	that:0.1838994050203063	as:0.12119181844284553	of:0.12112615315282578	to:0.08831964160181255	make:0.08098984926957423	which:0.07701187457248801	but:0.06372021473945984	if:0.05790761714735823	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
a:0.6396664128024238	the:0.13076291653564698	A:0.05226972477784275	of:0.039482587066783745	The:0.03743788916942398	no:0.03158426011958628	and:0.026274585328231483	his:0.018526445758892573	as:0.013995178441168373	:0.01
a:0.5765616261484376	the:0.13322779110835514	and:0.06475787291124381	of:0.0464194042902133	most:0.04632223857386956	A:0.03472864728920151	very:0.03295687119338822	an:0.03089902681981033	one:0.02412652166548056	:0.01
of:0.2976157319078441	in:0.14911745837380977	on:0.14804127792147423	to:0.14639099932020178	and:0.06611044620172796	that:0.054043752700906264	with:0.050066580843258955	from:0.03985613826210003	for:0.03875761446867703	:0.01
the:0.19836175636655523	and:0.1674130352389857	of:0.16070716605411697	to:0.14121474152525526	a:0.12385002738842145	in:0.07400006600096737	at:0.051765895272262975	or:0.041681126885312204	that:0.031006185268122963	:0.01
and:0.18929310138123437	covered:0.16935884120870554	filled:0.14496098815620134	together:0.1149389467597416	charged:0.08927804784918368	it:0.07994316895661391	up:0.07366667277508843	him:0.06832445206581947	them:0.06023578084741164	:0.01
the:0.25470561870247754	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862254	in:0.07582920922781207	was:0.07101916294765154	a:0.06560002811236118	be:0.05991783825325076	is:0.04301373266798011	:0.01
the:0.5336041412528113	an:0.1373884164206292	of:0.08457536599027618	his:0.08033215778090935	in:0.038213984912790544	this:0.03767370732242048	The:0.02669966529283964	tho:0.026262108632563452	good:0.02525045239475982	:0.01
well:0.18763885440258532	known:0.1848432953380303	such:0.1312109444336379	and:0.11650300559404793	far:0.10672026401295964	soon:0.07431929105806052	is:0.06769501413550778	just:0.06709023500275701	was:0.053979096022413534	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
the:0.6033536273118829	to:0.0861984608677465	The:0.05844124409803903	and:0.04807396439227473	an:0.04708616680107924	a:0.04515991093655969	no:0.03755970019158131	his:0.03436651565686119	tho:0.029760409743975366	:0.01
the:0.3852091685420713	of:0.15029792416713433	and:0.13361736839571411	a:0.11891032624485717	in:0.05055226342026037	to:0.042450229405257604	for:0.03799538051249681	or:0.03633593244546821	that:0.034631406866740044	:0.01
as:0.16965826325559194	is:0.14818404283656805	and:0.12370882301475286	in:0.12067544892233732	was:0.09955790788094804	of:0.09227919201671768	be:0.0917758190955384	to:0.07493973968889546	the:0.0692207632886501	:0.01
the:0.24098097828128448	any:0.2343452658720527	a:0.17657890274372337	Any:0.10440565063184389	every:0.07809463044335109	no:0.04864308723907966	other:0.03860270995766924	some:0.03531423212995606	The:0.033034542701039456	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
It:0.23127912378197046	there:0.21240176058284072	it:0.19501212350781538	There:0.10713821937054821	This:0.06595333365099705	which:0.04771265982771375	he:0.04597925216904934	that:0.04565003547638064	this:0.038873491632684394	:0.01
the:0.2975076155854317	of:0.18095708603830288	and:0.16143558651189846	to:0.08106366127438577	in:0.07679923815828021	a:0.06949398083985753	his:0.052943516492411746	was:0.03531346474292608	In:0.03448585035650551	:0.01
six:0.33905415523933563	three:0.1564880324192537	two:0.11940733535829025	four:0.08554906959177852	twelve:0.06550989383399558	eighteen:0.06426640412740776	few:0.06079806300728536	several:0.05674305764930497	eight:0.04218398877334834	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.5527271289635453	a:0.20300711620664957	The:0.06412612671151673	of:0.06285482464797436	tho:0.02795973778492496	A:0.020766997712155073	our:0.020593245436077687	in:0.01925512685605444	great:0.018709695681101875	:0.01
of:0.35026545511731527	to:0.15234591290004176	in:0.10319985591373623	and:0.09531871382987539	that:0.08167055777904976	by:0.06529500002452972	for:0.0618889688905497	with:0.047514251808197336	as:0.032501283736704696	:0.01
amount:0.18451834698770145	payment:0.12752257453928736	out:0.11773798217753961	value:0.11619392664193294	part:0.11477524831687132	proof:0.10470183198149745	all:0.08274505676876123	tion:0.07631394920116809	proceeds:0.06549108338524051	:0.01
in:0.2034549622624766	;:0.17695854283381698	Under:0.17163420516011313	given,:0.09453327128477794	him,:0.07130837865540356	them,:0.06915994318530762	,:0.06891324276114523	up:0.0672863474814554	thereof,:0.06675110637550359	:0.01
the:0.6347492558876329	an:0.15710610441607537	The:0.05795568801687374	tho:0.03997087237693077	a:0.02839860543577918	this:0.021578354189370357	tbe:0.021097944195476313	general:0.01569050751548107	said:0.013452667966380278	:0.01
.:0.2020695564329838	Mr.:0.17418034381683256	W.:0.12883202090091847	E.:0.11412012358102737	No.:0.08566901686849104	Mrs.:0.0820820769185215	C.:0.07351024019634197	J.:0.06836457579081946	H.:0.061172045494063694	:0.01
the:0.6435060471113394	a:0.0987075306384018	of:0.06387753741145191	The:0.06334318196111483	tho:0.04513961085184882	and:0.026998609317255066	tbe:0.01786939796381922	to:0.015999719382074916	in:0.014558365362694076	:0.01
of:0.3420422053370365	to:0.1388434664336376	in:0.13786264416522526	and:0.08027954924229379	with:0.07123181302638898	for:0.06369579859368074	on:0.06135083543937238	by:0.04859824571313037	from:0.04609544204923423	:0.01
the:0.3158707750996543	Mr.:0.1547710223261566	a:0.11798136622636758	and:0.10900965656765252	of:0.0911691763265817	The:0.06986701955179865	was:0.052955386358330254	is:0.03974878602813905	to:0.038626811515319326	:0.01
to:0.6029234748158575	not:0.10685677045378247	will:0.0805053125791318	would:0.07348435472152394	and:0.058714604224932194	may:0.01928356596757802	must:0.017761258017253204	I:0.01655037912139117	we:0.013920280098549686	:0.01
the:0.8324016039459744	The:0.03187988907783874	tho:0.025588773809154475	their:0.022543128218297157	our:0.018089732749315995	of:0.016677722746434913	his:0.015946426822304717	and:0.014896887191593957	its:0.011975835439085508	:0.01
in:0.20281717445107106	men:0.14646012796596722	hundred:0.12379687775898	time:0.10083811146623368	law:0.09005641453989949	large:0.0859346949491736	one:0.08273998301468373	due:0.07868251104220818	and:0.07867410481178291	:0.01
they:0.20124633534100814	we:0.1666659540166681	you:0.15042255995523593	I:0.10630417606470047	he:0.09662443763235766	that:0.07705456427798456	and:0.07626434214614046	which:0.05795032685883628	who:0.057467303707068505	:0.01
the:0.20297176158172933	and:0.16705750159562585	of:0.1544601086497806	a:0.1243991756124099	to:0.10003975780361755	was:0.07873778199592486	be:0.06650673834653327	is:0.04849649966466754	been:0.047330674749711164	:0.01
and:0.24980766035303945	the:0.15812205616062136	of:0.15096372228139082	was:0.1130879978943032	is:0.08626553811482889	an:0.0697526296841939	in:0.06951094226348353	or:0.04859320112978296	from:0.0438962521183559	:0.01
set:0.25319223556465337	setting:0.2059550433094475	put:0.20273274219286608	brought:0.10243738304654383	sets:0.06949290530693014	and:0.060189531586777596	bring:0.03788366469387497	to:0.031404769800379394	came:0.0267117244985272	:0.01
no:0.16383426669996745	the:0.16096678700436487	a:0.13348490154014106	and:0.11690715638858676	of:0.10686004421265388	or:0.10555936219923015	any:0.07396600306776151	much:0.06897306676301218	for:0.05944841212428217	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
a:0.44873641295271416	one:0.12092158695872617	the:0.1149135147122032	in:0.06124765768674701	certain:0.05987130393704278	this:0.051782887523732675	of:0.047585571650248265	any:0.04755624231829039	A:0.037384822260295346	:0.01
are:0.17809276837375526	be:0.1699424251026179	is:0.15855649674932645	was:0.10524764198701136	and:0.08690699566508306	most:0.08351446995363677	more:0.08027734850629664	were:0.06704882314090184	a:0.06041303052137057	:0.01
and:0.30639781998486104	made:0.18857775553738781	or:0.10116367823942714	that:0.08336196094440916	ed:0.07717108177345786	him:0.06215773039327584	them:0.06153410543261168	held:0.057104129625738444	done:0.05253173806883095	:0.01
a:0.543472948626212	the:0.2766192494630576	of:0.0526812226805816	The:0.04077924202197932	and:0.01935255462114912	this:0.015266936728435543	A:0.015212976898206356	with:0.015030368873365547	for:0.011584500087012926	:0.01
to:0.4552192659675855	will:0.18594422095363203	would:0.09745853168647718	shall:0.0728943710740203	may:0.05683910299099606	should:0.04336622374031262	must:0.03845959021492064	and:0.021032498581461678	not:0.018786194790593944	:0.01
that:0.3466634403017666	and:0.1749718313221938	is:0.11679788666773895	was:0.07514006615255879	of:0.06717883306863673	be:0.06690738475733246	but:0.06495289296463622	by:0.03882550961966268	which:0.03856215514547376	:0.01
the:0.7059184965614644	of:0.07127411412236752	tho:0.04224921327126916	at:0.03901733445816019	and:0.034234968758815744	The:0.03292856195901233	to:0.03102643275920717	said:0.0168227086791656	tbe:0.016528169430538007	:0.01
he:0.18734760960426472	they:0.17544079088016404	we:0.14285310662227513	who:0.09872903257710125	I:0.08627515898021765	you:0.08402156633095977	it:0.08259440146704977	which:0.07080488006890756	and:0.061933453469060123	:0.01
the:0.24444622193701554	a:0.21070276872029026	of:0.1800036420853026	to:0.11433824818265097	and:0.06876034913778473	as:0.054658080663489254	at:0.041209447820092525	in:0.04099398487702257	for:0.034887256576351625	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.3219759356734432	the:0.2671765681218788	in:0.16989209992281432	to:0.05132459757010136	and:0.04908927654004383	for:0.03847850741756548	a:0.036310307840800866	In:0.032850696274347835	The:0.022902010639004277	:0.01
virtue:0.2164966330534184	one:0.17113157944299776	out:0.12577844537907082	quarter:0.11631476226635021	part:0.09655937994218515	that:0.08251174278924364	payment:0.07048469827377575	tion:0.05781609712431462	side:0.05290666172864361	:0.01
the:0.683600384478052	The:0.08057949553085787	an:0.04986653341640912	that:0.03964456231632236	whole:0.03190726348779367	tho:0.029844341710000808	this:0.02663050823286863	and:0.024855513557358606	a:0.0230713972703369	:0.01
the:0.25470561870247754	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862254	in:0.07582920922781207	was:0.07101916294765154	a:0.06560002811236118	be:0.05991783825325076	is:0.04301373266798011	:0.01
<s>:0.2411607809504617	.:0.1378782263417606	it.:0.1114060214592783	them.:0.10210391005902562	him.:0.09199456872905586	it:0.08449396330934805	Mr.:0.07924758866587515	her.:0.07514970734003497	me.:0.06656523314515969	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
was:0.16783388477194516	he:0.16559296991617678	be:0.1611515085583308	and:0.1556197089625628	I:0.09990939779325757	is:0.0847051364552305	were:0.0554072049143905	are:0.05109945881954268	who:0.04868072980856314	:0.01
of:0.5064776734418203	in:0.1023676067687955	to:0.08340638910029576	and:0.06302426422445553	by:0.054098461106151206	from:0.04935791935323133	on:0.04830546657652655	at:0.04361063672218022	that:0.039351582706543604	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
there:0.20563433726255975	mortgage,:0.16633944273323617	;:0.1652792544170093	it,:0.10278803046054671	cause,:0.09836095393889274	mortgage:0.07159413669324424	them,:0.06948418655480336	States:0.05815939786276587	you:0.052360260076941875	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.0967371407604443	that:0.07632406646832235	a:0.046895937127093126	his:0.030747167493934736	Mrs.:0.026865629367826563	:0.01
the:0.6232878691609006	of:0.10940303110140488	an:0.08855754241958991	The:0.05777421418915663	and:0.0309258972404544	tho:0.028894948723270558	on:0.018624533144957538	in:0.01787460308517225	by:0.014657360935093228	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.3121130917931821	in:0.280691434727791	to:0.12211248716026639	In:0.06247424376473112	for:0.06069219902832363	by:0.05108121940590246	with:0.035373554714099836	that:0.03425437248973629	from:0.031207396915967224	:0.01
the:0.44383544886970194	this:0.3252847720742832	The:0.04888551606067052	our:0.03397968153782057	that:0.03258983149200172	a:0.031328738749405435	his:0.026370570312858322	tho:0.026144171288767424	whole:0.02158126961449093	:0.01
out:0.19410720960531896	number:0.1628685434013333	amount:0.1468112780622837	matter:0.1091829810721035	state:0.09661801138626917	point:0.07695410729266974	time:0.06846915911927438	day:0.06785349014899647	kind:0.06713521991175092	:0.01
the:0.5445665403319037	a:0.13334192540996662	of:0.09008615283386563	and:0.06596182529299761	in:0.047881492463791746	tho:0.03038958470016765	an:0.029976218007223783	The:0.02425828661077095	or:0.02353797434931228	:0.01
and:0.30937248239004295	that:0.14926177207768093	as:0.12706581059587674	which:0.07533535813185005	the:0.0745852795685487	of:0.06797592753701469	but:0.06524530027187	<s>:0.06371476663143535	when:0.05744330279568063	:0.01
of:0.4365301455040677	in:0.10236862017871816	all:0.10035552265474347	that:0.08559961225200034	and:0.07273712572101033	with:0.058509941950571215	for:0.054285499298106436	to:0.04120185199518462	as:0.03841168044559773	:0.01
of:0.21541462742457773	in:0.15438757465469372	to:0.12862453448469677	or:0.10505581650870473	at:0.0979598402773329	by:0.09058990353060345	than:0.07457521615261045	that:0.06582894510998913	from:0.05756354185679111	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
one:0.16305256839655205	in:0.14213280308304757	right:0.1320887975668438	up:0.11817865814531019	him:0.09929130749317916	hundred:0.0991597669980012	time:0.09050181720973707	;:0.0757143191575999	good:0.06987996194972915	:0.01
the:0.2577487745847449	of:0.16989528800263906	and:0.13569593344895242	a:0.10548156714768445	to:0.09952150639238352	in:0.09542664041129328	for:0.052531437082001455	that:0.03887026062634079	an:0.03482859230396003	:0.01
is:0.17170256932686415	and:0.16836705931951684	that:0.1607640133888108	by:0.12303468772789919	have:0.1188451286897893	had:0.07043846417042723	of:0.06782389220285837	was:0.0572005733740686	has:0.05182361179976556	:0.01
and:0.2900786883299696	of:0.253812329231048	that:0.08708574710429355	when:0.08166504740598166	to:0.07834823250440313	said:0.07813083924942217	until:0.045015005543894114	the:0.04050614546841561	by:0.03535796516257207	:0.01
the:0.3301781607746501	of:0.18075403296259018	his:0.11053593692597292	their:0.10565816247408266	and:0.09510790313743046	a:0.05203199212473484	its:0.0415562444873122	an:0.037295615810387525	her:0.03688195130283911	:0.01
of:0.2370243890719056	at:0.14471262428549633	to:0.14156937724059837	in:0.11951136004391019	the:0.10804852171397424	from:0.07176711640436838	on:0.05888160404437097	and:0.057378793228093104	by:0.05110621396728271	:0.01
of:0.25570693145847484	in:0.14419123250619176	with:0.11336512042686664	to:0.0998574611424579	for:0.09407172617169005	and:0.0897014328056371	is:0.07422936045027281	by:0.06228906523600142	was:0.05658766980240744	:0.01
the:0.45455287422955376	of:0.1450255248144143	a:0.11212257685930468	in:0.10178620174238866	said:0.04216929205671989	other:0.03696099112708767	and:0.0355961401743786	large:0.031230243681199817	two:0.030556155314952507	:0.01
able:0.1483348390560458	time:0.13682406356138466	began:0.12467071949213207	and:0.11444574977308632	him:0.10960657525432711	enough:0.10358792513567686	is:0.08643740640707338	as:0.08389625450443441	right:0.08219646681583939	:0.01
instead:0.4614615455543289	Instead:0.15333888833879084	capable:0.10324435793393681	purpose:0.06996793152075007	number:0.049750387602527	sum:0.04506473628935696	amount:0.038694256401599264	rate:0.03720530297251163	question:0.03127259338619876	:0.01
with:0.18862366244226825	of:0.17825504328253072	the:0.17379549097689215	and:0.1672703499330958	an:0.10403317103249587	their:0.05092872009920956	no:0.05056565174762099	any:0.04156184047225774	as:0.03496607001362896	:0.01
and:0.279693101415729	as:0.15791546586511318	time:0.1093815532227175	order:0.08052743475522817	power:0.08023326668423361	necessary:0.07710775468599013	right:0.0697860557453657	go:0.06855718797301757	is:0.06679817965260515	:0.01
the:0.35544739261111763	of:0.23825298810102488	and:0.15588421134226554	im-:0.06625138476681836	a:0.04148684029239988	<s>:0.03928598661304236	.:0.033299160026632406	for:0.032214228562280726	two:0.027877807684418224	:0.01
of:0.2925588232145619	to:0.18035538095064121	and:0.1021938926360966	in:0.10150081051557103	that:0.07752730521818313	by:0.06314122566921454	on:0.05853739608897071	at:0.05770531454441442	from:0.05647985116234645	:0.01
it:0.184474460618118	they:0.12956356347511147	he:0.1253876313154486	and:0.11739805248978236	you:0.11016561764994899	I:0.0914748623517664	It:0.08770120057790098	which:0.08044227712984217	we:0.06339233439208097	:0.01
and:0.2803666967466385	day:0.24790276646239107	time:0.1524761332752717	that:0.09556432698885875	but:0.0751082035559887	o'clock:0.03634940402068187	night:0.03481976732160155	as:0.034370137973428354	times:0.033042563655139495	:0.01
in:0.26114896666505094	of:0.2106735747662108	to:0.13647377165127736	with:0.07843224380579754	from:0.07127929825705684	for:0.067472205664255	on:0.0563439492735738	and:0.055627581584339864	In:0.0525484083324378	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.29893655576751194	a:0.20188632162657705	at:0.12007999648121842	to:0.10286359934418572	of:0.08968951868149834	an:0.05129879924659533	and:0.04804822941129269	in:0.046866176758759426	from:0.03033080268236099	:0.01
the:0.47477278227067843	this:0.14367525507524093	an:0.10218592085174644	of:0.08011052374214994	and:0.051442833012736826	The:0.048758449359623195	a:0.03891707784834416	in:0.029899430999488195	tho:0.020237726839991855	:0.01
a:0.3783772849151187	is:0.1408193546823629	the:0.13171938343514858	are:0.08933317168620596	was:0.08244676818757911	be:0.0697864840532083	were:0.03388024621624235	not:0.033605625100705895	and:0.030031681723428252	:0.01
that:0.2552027492246132	and:0.24739616137381143	but:0.13951823211335046	as:0.10047275784378422	which:0.07665856935201883	if:0.05195519272673162	when:0.04972913884251489	where:0.03626071909960702	But:0.03280647942356842	:0.01
few:0.2107799938300363	ten:0.13422941407837433	thirty:0.12343747714049555	several:0.10851983467874467	three:0.1026106779948449	sixty:0.08634674470432888	the:0.07685708565979464	twenty:0.0744467962658066	two:0.07277197564757411	:0.01
the:0.5163116242370708	of:0.17748543015320048	his:0.05596491502322679	for:0.04718000720511192	and:0.04290220573061185	their:0.041687814468672736	The:0.03850024118548758	tho:0.036047719756674694	all:0.033920042239943216	:0.01
miles:0.18218830279971138	and:0.1484412800849311	away:0.1234127847098296	came:0.11233925870778054	feet:0.1058543348906955	taken:0.08474211090053461	come:0.08100167628675067	up:0.07961070278211209	far:0.07240954883765476	:0.01
made:0.30077457550068193	and:0.1778222810621618	accompanied:0.09241099391475195	held:0.07222732479560394	ed:0.07195767259738695	owned:0.07146889143988808	shown:0.06967742525825105	taken:0.06798770417552862	given:0.06567313125574568	:0.01
and:0.30270925673550475	fact:0.16943001944517186	so:0.11358010044095931	is:0.11266763121327539	know:0.07568042407507537	believe:0.06812016133190102	say:0.05750618905495806	was:0.047547212930166706	found:0.04275900477298741	:0.01
the:0.16903444272115992	Fifth:0.1229111177903722	Lake:0.11616602902560272	Pennsylvania:0.1070409651950029	Central:0.10305713908033987	Third:0.09892652562204929	Summit:0.09462416094458839	Jersey:0.09393422129929074	Union:0.08430539832159398	:0.01
that:0.19875799997718666	which:0.14972540138712553	and:0.11821881214711463	it:0.11124925113133295	he:0.10810063780139853	who:0.1025244102530853	It:0.07545320673700032	there:0.07462184746156376	never:0.05134843310419239	:0.01
be:0.3227997414693742	was:0.1964725989244476	is:0.11651413537157494	are:0.07924911764751066	and:0.07313784791743592	been:0.07229615881917906	were:0.05994839635627762	being:0.040408865183704734	he:0.02917313831049538	:0.01
the:0.23796499947839342	and:0.18783625054922265	a:0.13835001913050796	of:0.11958198165565806	to:0.11265980894360407	for:0.06181028098181047	that:0.049008266436999424	will:0.04277084388095558	in:0.04001754894284841	:0.01
the:0.1866189946252878	very:0.13106317850806132	of:0.13020275961549752	a:0.10754295862411149	so:0.10620062304400113	feet:0.10021080279210764	as:0.0963596553507922	and:0.07793160151712929	too:0.05386942592301163	:0.01
and:0.22813005603170383	the:0.1572099043860072	is:0.11521833637416955	an:0.10420866558073172	was:0.09504037588459194	are:0.08564450459716828	be:0.08247759847336691	that:0.0643390720756877	been:0.05773148659657292	:0.01
and:0.22928252146739705	of:0.1701333815029671	the:0.14985043222250397	to:0.11015798563392723	is:0.08147108606495199	I:0.06496087311483224	be:0.06297856374405811	there:0.061067719206286994	or:0.060097437043075325	:0.01
of:0.20320302958578995	the:0.18282831414365514	a:0.17999937914220981	and:0.1346319643713663	to:0.10298600865919073	for:0.054599774248035866	in:0.05230382946930832	that:0.040139659840323014	at:0.039308040540120937	:0.01
the:0.3222700586422684	of:0.1974830349703252	and:0.14821900911444638	Mr.:0.0814022366829615	a:0.07018330339807602	to:0.052117954772225555	The:0.04496263648487065	.:0.03895710737577016	by:0.034404658559055994	:0.01
and:0.26276554424049875	well:0.17165735638285678	regarded:0.10215108442096366	him:0.08688236618817878	known:0.08594969760882573	soon:0.07468266047506815	it:0.07254659441566477	is:0.06743217334715047	but:0.06593252292079285	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.22235177351789784	be:0.17388580425693317	I:0.13277557413080351	was:0.12295642712649396	he:0.1025423849099281	have:0.06953610770899253	is:0.06266374535991706	had:0.055885795104537575	has:0.04740238788449617	:0.01
of:0.3685090914844917	and:0.1518770711613964	in:0.12089065787925023	that:0.10006704077109935	for:0.08046740887700528	to:0.07112397565734671	by:0.034772089567119274	from:0.032476390070584026	on:0.029816274531706922	:0.01
a:0.37899957604053736	the:0.23726121585914783	in:0.113034448303017	of:0.06227816678340587	and:0.055004336377117644	no:0.04129201546529614	for:0.040444069330571965	his:0.03278240970023276	with:0.02890376214067337	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
the:0.27711558892703886	of:0.24269960898010032	and:0.1435513214355596	to:0.10157275248549204	a:0.06137242563551792	Mr.:0.049882082198526946	or:0.039043236437836124	The:0.037533202587623965	as:0.03722978131230421	:0.01
the:0.6441343416368644	said:0.15646470426398665	of:0.06991248835860736	tho:0.02802172995096602	his:0.026044674620792786	The:0.01937029733239205	a:0.01731840180106025	and:0.015557865761736466	this:0.01317549627359405	:0.01
it:0.20745969707657905	and:0.14500638011715372	they:0.1131037248603258	I:0.1119869372995891	It:0.10350087404960544	he:0.09199939737971656	you:0.08039231433963595	which:0.06952220276335667	we:0.06702847211403776	:0.01
number:0.2794800084111738	line:0.15671634637423973	state:0.13087462069010294	State:0.08743627344798974	county:0.0758570627355934	city:0.07382232154963746	people:0.06360653245896622	out:0.06215481762676902	quarter:0.060052016705527775	:0.01
the:0.6107023059621512	a:0.1774517508608711	The:0.07803570526721215	tho:0.04366533621230766	and:0.02025871823504228	any:0.017181851444011336	tbe:0.017064395504996804	this:0.013991718698914354	great:0.01164821781449306	:0.01
of:0.2308695472657073	for:0.16732703149749464	in:0.14859794298274415	at:0.12840016808128685	to:0.10433148098311645	and:0.07216586239965417	on:0.05927989407345589	that:0.04062428736224335	from:0.0384037853542971	:0.01
one:0.21303943994489263	out:0.1698340805609801	part:0.1472687798153334	some:0.10564771493692295	account:0.1047360670487683	any:0.0723917686949588	all:0.06334962810761698	that:0.06091520523433158	tion:0.052817315656195345	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
the:0.4572017942798052	his:0.1643946300015188	a:0.13920100095083104	of:0.05216369221805271	their:0.0509661326376222	said:0.03598240029566252	our:0.03389570773712439	her:0.03211538703077671	in:0.024079254848606388	:0.01
of:0.18690624053633184	is:0.1495184314648699	was:0.12890124163326636	for:0.11286675001465872	and:0.0917972860587856	in:0.08766788863050963	to:0.08550472714000508	with:0.07597618279519122	as:0.07086125172638172	:0.01
and:0.25232232525208637	of:0.200739207132387	in:0.11445167234888987	for:0.10336633557765897	to:0.0944879069369424	by:0.0758034375005898	was:0.04977872976009279	In:0.04961509079528413	or:0.04943529469606871	:0.01
of:0.31311570642625036	in:0.26013142230336034	for:0.10236725134916166	at:0.07424373507989428	In:0.05972054905416503	by:0.05705397496383892	with:0.0424779569422673	to:0.042433449712493874	that:0.038455954168568264	:0.01
sum:0.1648703730892017	out:0.11307775521688435	amount:0.11090839996168092	number:0.11072884578616649	Board:0.10709279218170512	day:0.10091951320741446	line:0.09892782668492611	county:0.09783432205349214	purpose:0.0856401718185288	:0.01
be:0.2275675264269193	was:0.20115206727940743	been:0.17152238735197792	were:0.09380973065459249	and:0.08067994467719047	is:0.056392985770118934	have:0.05610479166224518	are:0.052347108989632435	he:0.0504234571879158	:0.01
provisions:0.16627098017731173	copy:0.15165327534695813	date:0.12617568642366098	part:0.12388683156619237	one:0.1044724200406653	out:0.09585475097905363	people:0.09019386903076457	publication:0.0773301702042243	members:0.054162016231169084	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
of:0.2827424356701846	in:0.21014752229747102	to:0.12587195710757518	and:0.09512296715854125	with:0.06733268768015438	that:0.06451142125688966	on:0.057255656721339726	for:0.046222798229545004	In:0.04079255387829921	:0.01
the:0.5811417902841594	The:0.08064135120079063	a:0.0699173296396217	of:0.06467810614682598	and:0.05375658412543409	his:0.04174275629688252	tho:0.03459573136560702	in:0.032635050334809346	for:0.030891300605869275	:0.01
the:0.6515278990228168	a:0.08314851502353764	tho:0.054063595791534684	of:0.049475434029135026	The:0.046307003950561566	and:0.04184648149229256	that:0.022883236539712824	tbe:0.022363573293874693	our:0.01838426085653428	:0.01
the:0.2778917821478307	and:0.18179560941880735	a:0.14065748077955534	of:0.1358683742397532	was:0.05779269367297565	be:0.054895235703175	Mr.:0.0537919387281957	to:0.04733977452495885	or:0.039967110784748065	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
such:0.2104032791312893	the:0.1624100171306262	same:0.14046064934403793	this:0.10499158212929623	that:0.09644260391669031	some:0.08635987751985139	other:0.0730616553455298	and:0.06566716314864492	any:0.05020317233403378	:0.01
feet:0.2647986094766404	went:0.17370347231911906	and:0.11787993626257924	according:0.11568946117742268	go:0.10010052761117114	them:0.06237427228763774	him:0.05705740237730474	sent:0.055126476028850735	came:0.04326984245927416	:0.01
the:0.4542796024249059	The:0.18816239977398086	a:0.11986235539034314	this:0.05759524035141282	of:0.043030615268999296	This:0.03932392159886094	and:0.033257522653166206	that:0.028637882231088988	his:0.025850460307241863	:0.01
I:0.2127824945549486	he:0.1730051395306995	they:0.13893687562979515	we:0.12751244644765364	it:0.10925212384308824	you:0.08379430337544327	and:0.05568759473872088	It:0.04453521765547496	she:0.04449380422417573	:0.01
of:0.20667154411335312	to:0.1674821884595449	and:0.16064577445523673	in:0.09585524705784275	by:0.08986780053057818	was:0.07868452882315856	for:0.07424830958531055	the:0.06159507944998718	with:0.05494952752498798	:0.01
of:0.2008820080533417	to:0.19611740019001625	in:0.12074298326090975	for:0.10583219840067395	and:0.10441101720193802	that:0.0931323811861136	with:0.07206792351187222	by:0.05797895376482622	as:0.038835134430308435	:0.01
as:0.1762263313077311	and:0.1706157591694651	right:0.10999394893267618	go:0.0971091495361761	made:0.09638101756897334	time:0.0928863151057105	subject:0.08506944501657379	went:0.08200011288502763	him:0.0797179204776664	:0.01
the:0.23896910248688027	of:0.2358719950760178	and:0.16290085719960612	to:0.11421781921926928	a:0.08471100618357327	by:0.0427171001015309	for:0.04125786050004583	in:0.035966778594858216	with:0.03338748063821819	:0.01
and:0.3476163769632415	the:0.18216983056316902	of:0.12072429010692179	is:0.06638054910020977	in:0.06563767924444622	was:0.059203929989350486	a:0.0532768127652075	as:0.04972575181896661	are:0.04526477944848713	:0.01
the:0.4080745361662223	last:0.16266991244839857	at:0.0985686816922427	Saturday:0.06849594151123208	a:0.061045060782530775	of:0.05896874793422529	Monday:0.051396451370154465	that:0.0441300672712822	day:0.03665060082371166	:0.01
was:0.294852053728711	is:0.2224974517724032	are:0.132752098741813	were:0.07880949092469386	and:0.05776006323092942	did:0.05534911633109264	do:0.054996983968089545	had:0.05286697320009012	could:0.04011576810217737	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
the:0.21421201776866328	and:0.19227183371566595	other:0.1784688787201754	all:0.09401068080295943	this:0.08196603162651822	these:0.0720362652447081	of:0.05392074747755545	that:0.05171751156393933	by:0.0513960330798148	:0.01
;:0.2098188775838789	it,:0.16642171471435438	him,:0.11610054940859091	him:0.11438612862878061	them,:0.09664584678272661	in:0.08347234845136188	us,:0.08028965333944303	time,:0.0660231117853206	time:0.05684176930554309	:0.01
it:0.3519891055449359	It:0.19169204501469544	there:0.14353398241598925	and:0.08497295031605918	that:0.05656415793090323	which:0.051499543917760765	he:0.04434621163325223	more:0.033227461751716904	one:0.03217454147468709	:0.01
of:0.21728456168929197	in:0.1841214085233092	to:0.18404658202355506	on:0.09751617818915519	for:0.08053017898480978	and:0.06496404526657559	that:0.06482148173118843	from:0.05313336231245102	In:0.04358220127966367	:0.01
the:0.26319120441421734	and:0.1817785870098654	of:0.1487504945115468	a:0.08006357929843982	to:0.07898388881001621	be:0.06920432845900125	Mr.:0.06859485992842065	is:0.050739812001520626	or:0.048693245566971986	:0.01
and:0.28631779538902824	held:0.10695800936331136	was:0.09961144432841233	that:0.09484508790470558	it:0.09305052804842409	out:0.08562565059198396	up:0.08166012462488849	people:0.07179272073791577	him:0.07013863901133023	:0.01
to:0.788456168898409	not:0.05480100401443986	and:0.043054232597067074	will:0.023978293897347007	would:0.020684549596096318	may:0.01694283341535962	of:0.016653128207060646	shall:0.013006400876492158	can:0.012423388497728265	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.6702984522878931	not:0.09556775167484523	will:0.05769490014837285	would:0.04484246669418183	and:0.03588683912659726	can:0.025312426638070585	should:0.02199223492750312	shall:0.019583031518921587	could:0.018821896983614497	:0.01
of:0.18090795727068243	and:0.17616970470911544	to:0.16079173061607863	the:0.15909889375982417	in:0.1319066968021384	for:0.06705243699736166	with:0.044523304160999026	a:0.03809030471707841	In:0.03145897096672182	:0.01
the:0.2516610983656348	and:0.20591804982169054	of:0.12850810508649738	to:0.08874145419088499	at:0.08152961733009521	a:0.07890664421591197	for:0.06512632521055454	about:0.045948066007582195	was:0.04366063977114843	:0.01
and:0.19683677196900626	of:0.18803235076482616	to:0.1450841060944621	know:0.144696892057582	see:0.06672008048854206	or:0.06565730824402155	but:0.06504434385915053	is:0.06068048593769312	in:0.057247660584716184	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
he:0.19428736266208543	it:0.17985328482852528	It:0.14082492772237057	and:0.11917079184791558	I:0.08716537943386848	He:0.08035754464888333	which:0.07074609856429302	there:0.0620308434800496	she:0.055563766812008746	:0.01
the:0.5456832996479312	a:0.1293239073522138	of:0.11091327046427239	to:0.05218145959562609	The:0.04139086384772243	in:0.03475738914397843	and:0.03097866315823922	tho:0.024526240265454014	that:0.020244906524562595	:0.01
a:0.29400891168706483	his:0.2718747379341291	her:0.14157544459729285	my:0.08487864218319428	the:0.08206437046494335	their:0.04585847418971458	and:0.029031062348279447	was:0.023499994690905017	your:0.017208361904476575	:0.01
the:0.5445665403319037	a:0.13334192540996662	of:0.09008615283386563	and:0.06596182529299761	in:0.047881492463791746	tho:0.03038958470016765	an:0.029976218007223783	The:0.02425828661077095	or:0.02353797434931228	:0.01
the:0.523197139126293	and:0.12884068291935852	a:0.11597537520661412	Prime:0.0556171104193467	The:0.05077104308129202	tho:0.04220079792647474	of:0.03249008132563298	or:0.02201332092310809	tbe:0.01889444907187972	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.3622512003190337	a:0.1809775584614521	and:0.10916772066772196	or:0.07348144689535713	any:0.06548686307183808	that:0.058904811008227205	other:0.04916263068651884	some:0.04596155890884502	his:0.04460620998100606	:0.01
of:0.31624236365374403	the:0.2610966880419316	and:0.10121992383243542	to:0.06702590891337296	a:0.06157695992500226	at:0.05141800075804659	on:0.04913304680699484	in:0.043706331351511515	.:0.03858077671696085	:0.01
the:0.2860096569382895	a:0.19429997308187957	every:0.08535452580316137	next:0.08378365769914593	one:0.07865703734752474	that:0.07459644314605132	first:0.07180825965271811	this:0.0639865448883723	to-:0.051503901442857165	:0.01
have:0.35555157865966663	has:0.289962390924289	had:0.2193008102814949	not:0.04942892773149174	having:0.03621411477393523	never:0.015094617798870558	ever:0.008372903406581835	lias:0.008201251596288331	bad:0.007873404827381844	:0.01
to:0.20824004866035978	the:0.2040097545902015	and:0.19980432728505823	of:0.15978957334487476	in:0.06337877849958568	a:0.05463758289552893	not:0.03746152227349155	I:0.031804518390908185	be:0.030873894059991417	:0.01
him.:0.21783980816964937	<s>:0.1881665162968343	it.:0.14556996603513578	them.:0.09542484047946033	years.:0.08165280573516273	time.:0.06663694024572438	life.:0.06644808684166795	himself.:0.0662719926794789	and:0.06198904351688618	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.2283939006605752	he:0.22079184069588625	I:0.1181442792317479	they:0.11518249093612816	be:0.07440694478362916	who:0.06464417355058127	have:0.0599373469806075	which:0.05522544913790607	we:0.053273574022938364	:0.01
the:0.8578490396942527	tho:0.030996843167094747	this:0.027581572497436632	a:0.018823889636691998	The:0.014938953481215732	and:0.01294238934114337	tbe:0.010616656544222013	of:0.008432406705198982	our:0.007818248932743778	:0.01
and:0.16051538492039444	able:0.12584552037456037	order:0.12023274904774982	him:0.10411986755347347	is:0.10230358199714916	was:0.09725639894996213	time:0.09647037435760988	had:0.09226467812513447	as:0.09099144467396625	:0.01
the:0.7060662628237305	an:0.12455744140839517	tho:0.03319048077770169	The:0.030441754437745196	of:0.02601875597197633	and:0.02136747975087335	to:0.019561274167738892	a:0.0144631931897442	tbe:0.014333357472094663	:0.01
and:0.25737290645186667	of:0.17957405422491726	the:0.14619567225470498	a:0.0957918271651453	to:0.08822594087171945	was:0.06802146797304325	in:0.06036719409128018	be:0.050016388584221264	he:0.04443454838310155	:0.01
to:0.5852840912026808	will:0.15116656423982316	and:0.052654610183054625	shall:0.05239509963692345	would:0.039246464892809474	not:0.03512527994745764	should:0.02736086040167753	we:0.02435713243603942	must:0.022409897059534032	:0.01
to:0.3877378900594243	will:0.20108599556288753	would:0.10069656282236039	shall:0.0755954366359698	should:0.06465065204867344	may:0.06294092780737742	not:0.042731924022555795	must:0.03678785945404829	can:0.017772751586703193	:0.01
the:0.32414272374648134	of:0.32159591802128085	and:0.15336505647012286	a:0.045734877199819515	in:0.041844500567163136	for:0.031159638302324152	The:0.026512585273372254	with:0.023908222002105996	to:0.02173647841732984	:0.01
get:0.1466179279908691	was:0.13816166858847523	and:0.13411725524820045	him:0.10611862598008347	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536371	go:0.08768078124059613	come:0.08255568388883913	:0.01
be:0.3215726545882276	been:0.15458058586588103	was:0.11927004877738492	and:0.11669859835657483	is:0.08112516770342504	are:0.05537358703409489	were:0.05242976560590005	case:0.045725475687294403	being:0.043224116381217224	:0.01
to:0.5359484624719786	and:0.1643937489031909	you:0.059981221310552335	I:0.05770204042389192	not:0.04755454790149271	will:0.03457377110520776	they:0.03285578005258848	we:0.029756790951933353	may:0.027233636879163872	:0.01
in:0.2713127362150924	and:0.1606241852123144	of:0.12392868277347686	to:0.10425752810284739	that:0.07595229166838137	almost:0.07426688912660825	In:0.0634497790188723	with:0.06014290192028519	on:0.0560650059621218	:0.01
the:0.47578584295576926	a:0.24067200078513934	in:0.11810052915121994	In:0.037829770101378786	and:0.03037935831213729	The:0.02802651995153634	tho:0.026185258774691873	of:0.021231918252036745	great:0.011788801716090333	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.5759663843897341	a:0.14484787068192662	and:0.09116512270257099	The:0.06050125953311487	tho:0.03198916073573538	general:0.026876900932927925	or:0.023186685256351862	State:0.02075899693868611	first:0.014707618828952272	:0.01
to:0.3712652508335052	can:0.14323290771799693	not:0.10434597342712909	may:0.08699826319414182	cannot:0.08440731385566909	could:0.06476732843758297	will:0.05758413099629763	would:0.04013383131990166	and:0.03726500021777544	:0.01
the:0.5240064275307966	a:0.11376600701497741	every:0.0963210265597725	this:0.08833279969369102	great:0.0416730845992036	in:0.03594909703556622	tho:0.03209089424377234	first:0.02915120741952298	and:0.02870945590269738	:0.01
and:0.1828487188357314	was:0.17082437509609846	is:0.1319028517345912	be:0.11688577765073967	are:0.10946121259218372	it:0.07947039795334276	were:0.0731415249016126	been:0.06514253877313088	engaged:0.060322602462569264	:0.01
an:0.7230207926844454	the:0.1326569685397044	this:0.031978356775783666	in:0.027283250536899024	and:0.02150424186257958	of:0.01899343741092294	his:0.012666212486831424	to:0.011264699007766587	An:0.010632040695066803	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.59711033620222	of:0.08538204909960145	The:0.05363147014214357	American:0.051573507470315146	colored:0.044530364213836354	young:0.041931222617471994	our:0.04119041453510133	and:0.03983740930350399	many:0.03481322641580623	:0.01
that:0.3398159603842373	and:0.1881959735196832	as:0.15637377401951932	but:0.07943633285122904	which:0.07677650296033542	if:0.049884031861740695	of:0.03827480466933513	what:0.03104041761925895	though:0.030202202114661	:0.01
per:0.38187160525766334	a:0.35775907952388825	the:0.08771957730210342	one:0.08143717603329333	and:0.021466448838669303	A:0.015607669020801417	each:0.015574984110882963	to:0.014422891461654876	his:0.014140568451042928	:0.01
and:0.39152961307626905	of:0.16129853896448199	so:0.07916908696704543	is:0.07785460120908608	but:0.06773890590586674	fact:0.05924922401414922	was:0.05359481879123313	all:0.05204787919065704	in:0.04751733188121141	:0.01
that:0.4537119146489766	and:0.16717023459917282	which:0.12878443786705387	as:0.05871226652318454	when:0.043321152558266705	but:0.03813313222139027	w:0.037056716108286675	if:0.034465994914685216	where:0.028644150558983283	:0.01
man:0.2533348151608897	those:0.20047937694808066	men:0.1729099768488889	one:0.08857891083816309	and:0.07621457843870723	woman:0.06078972542156699	all:0.05318370979398915	people:0.043685138922370075	person:0.04082376762734435	:0.01
the:0.2081065220049675	of:0.1919474270004913	and:0.15533559588595758	to:0.10953449622986335	in:0.07669519386248698	a:0.07338105888324314	Mr.:0.06678394289599238	was:0.06469408396412238	be:0.043521679272875376	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
with:0.18862366244226825	of:0.17825504328253072	the:0.17379549097689215	and:0.1672703499330958	an:0.10403317103249587	their:0.05092872009920956	no:0.05056565174762099	any:0.04156184047225774	as:0.03496607001362896	:0.01
able:0.16476468956565668	enough:0.11618499558449112	order:0.1127774004433305	and:0.10770230905684038	right:0.10423521491986491	is:0.10418823328546226	unable:0.09963857793164675	began:0.09074479233141822	ready:0.08976378688128922	:0.01
and:0.28236627465301084	the:0.20723426604969658	of:0.17114462321901844	to:0.08349457292475697	that:0.06105862745899761	a:0.04968165985351651	in:0.047714363716289065	which:0.0453777970640012	will:0.04192781506071274	:0.01
the:0.3187533310365806	of:0.19153223533904776	and:0.13333775657562166	a:0.08569118153695421	to:0.07805362827458312	his:0.04896787193732948	be:0.04728575140178597	my:0.044784222538298106	I:0.041594021359798936	:0.01
was:0.15779101241401491	and:0.1389906067255344	by:0.1359734934821855	or:0.12086172850265266	in:0.10246535814449148	of:0.09563733083426602	is:0.08469039880618427	the:0.079835513029321	are:0.07375455806134971	:0.01
it:0.2665934037164222	he:0.16842000760947717	It:0.16091550540739655	which:0.08745394146349114	who:0.08136897266351026	and:0.07786637980186846	He:0.061154696308349354	be:0.047725195065888	that:0.038501897963596765	:0.01
and:0.2793279363562735	of:0.1636929224208879	the:0.14397728582457842	to:0.10141444015278946	was:0.07080095043168784	that:0.06528672122276853	is:0.059461799016744435	he:0.05440257111541271	be:0.05163537345885716	:0.01
the:0.20330791336198092	and:0.16374723220953158	of:0.12203318026621938	to:0.11979475324583129	a:0.11596184956525815	be:0.0837146771961551	was:0.08039980232180864	is:0.0604430544374977	in:0.04059753739571725	:0.01
the:0.26442548175895014	and:0.1801487908604003	Mr.:0.12832048149158512	of:0.12707666645287982	was:0.0832648049927976	a:0.05891194888138345	he:0.05269954700167158	The:0.051437917992428715	be:0.04371436056790327	:0.01
be:0.4355779513002904	was:0.19317412363888517	been:0.12340148781034053	were:0.05533878087065047	is:0.04646864571433207	not:0.04568223262308421	are:0.039019066585551015	ever:0.027971199512000746	bo:0.023366511944865314	:0.01
it,:0.17421113456748955	them,:0.14906553813066808	;:0.1382890680059646	years,:0.09999381587070146	him,:0.09963841692320599	it:0.08448295039229899	them:0.08274290150541948	here:0.08138321576958409	time,:0.08019295883466776	:0.01
of:0.17313822640573256	in:0.1352258014797707	for:0.13311029130127686	to:0.10137752405273423	is:0.09994851265777846	was:0.09965911742799513	and:0.08350230743372589	with:0.08204865751619801	as:0.08198956172478812	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
-:0.1955940160750217	ai:0.19131789701304536	the:0.12500546945761565	a:0.1122663220031812	at:0.08318561829437636	to:0.08033157879587687	I:0.0721994987905799	in:0.06640281037451583	of:0.06369678919578707	:0.01
to:0.782864042121591	can:0.04352852314486114	will:0.040582780056608724	and:0.030469737705751402	not:0.027505938383357437	would:0.02190778476875453	To:0.016016669262973075	could:0.015026323410685704	may:0.012098201145416895	:0.01
the:0.8010282570943209	The:0.05367089911047593	tho:0.03851598241294985	and:0.0262241545163748	a:0.021791783708494605	tbe:0.015086822579700664	of:0.013319600169074214	his:0.010439130317046604	in:0.00992337009156245	:0.01
that:0.34515865426972514	which:0.14418346863785733	and:0.14063477854162035	as:0.13621630044207123	if:0.06864968766858044	said:0.050773347850261455	when:0.041283257131943536	but:0.03727610168445904	what:0.02582440377348152	:0.01
of:0.27180982581551005	the:0.17805119635661038	to:0.1307756043208467	and:0.10323660692677077	in:0.09588271044631401	his:0.062016229825061296	for:0.05747827036123852	be:0.04549082310543441	a:0.04525873284221398	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
he:0.21236976584642633	who:0.15091908100628376	which:0.13423069933853982	they:0.1114226506626021	it:0.10310378443593025	that:0.08782466281035546	I:0.07127377388196328	there:0.06045635920866448	she:0.058399222809234465	:0.01
of:0.2892052706336959	and:0.1813265559395475	the:0.1448468034624025	to:0.0964617481255119	a:0.09107383914586827	for:0.05153471305605286	that:0.04785426466741117	in:0.04409747291579139	by:0.04359933205371852	:0.01
the:0.26547828815838903	other:0.21627227262658932	of:0.19214420579753297	all:0.13298246812161998	such:0.04882294121435099	their:0.037683957635784165	to:0.03714210639158958	any:0.03295333651527849	these:0.026520423538865457	:0.01
of:0.3924651286456199	and:0.0978255043190048	to:0.09605318013270167	that:0.09007567826974701	in:0.08237385670978742	with:0.07396276102750998	by:0.0714869372848906	from:0.044237403240508455	on:0.04151955037023	:0.01
and:0.2668358219549178	the:0.23420419794198893	of:0.11735065555210618	to:0.10434520491725817	he:0.062110540407542915	for:0.05365366897911182	in:0.05127683655184913	will:0.051078006856778185	be:0.049145066838446744	:0.01
the:0.6675381482024637	of:0.0777640841714047	in:0.06693201889280626	and:0.06186883126867901	The:0.03528531217308074	tho:0.035181332253900494	In:0.02156032122004592	that:0.012100949875857824	tbe:0.011769001941761273	:0.01
of:0.34141775998495927	the:0.18371322475518032	in:0.10601700956856636	to:0.101608706021545	and:0.08041520661279687	a:0.06907527902660847	on:0.04278452589889864	for:0.03358529232456965	at:0.03138299580687531	:0.01
of:0.27358707487840733	in:0.21275994670845377	and:0.12405989795172427	was:0.07532570727249761	In:0.06845350676951423	to:0.06633125126333016	on:0.06444848629025927	is:0.053864144506030866	by:0.051169984359782476	:0.01
and:0.23910122123352057	of:0.18009849406521639	in:0.13641105958137878	was:0.11018091047535487	are:0.09213592170886417	be:0.06152033555166568	been:0.059822966474979276	is:0.0576269265578333	were:0.0531021643511869	:0.01
the:0.7402683741964897	a:0.06494245197373716	his:0.05138872598673613	tho:0.02954313573721004	The:0.028379247265796353	of:0.025522068710833665	their:0.02225747700750497	my:0.015345461704832671	this:0.012353057416859287	:0.01
the:0.2811646289976183	and:0.22879344481865696	he:0.09665923094029813	was:0.09291531962749494	be:0.07230924672133916	I:0.07078679991030785	were:0.05178562581679447	The:0.04999259369953408	had:0.04559310946795598	:0.01
the:0.5842319507205475	of:0.11142355193804651	and:0.07038974149827895	.:0.04729714203640898	The:0.0444656781342384	said:0.04136030309445726	tho:0.035729933458638646	in:0.029435937551045472	Mr.:0.0256657615683383	:0.01
feet:0.7951655646353247	chs.:0.059913983550953114	went:0.029485802654863138	ft.:0.021559121574989255	chains:0.019321417881165485	right:0.017028704292478505	and:0.016724858207230693	feot:0.015756091389452817	down:0.015044455813542313	:0.01
know:0.20599655176729018	of:0.18434115747854096	to:0.12011641673283838	in:0.10851281012538884	and:0.0947239887026073	see:0.088471366858727	with:0.06334923148805391	matter:0.06266605240735394	for:0.06182242443919948	:0.01
the:0.3774719076274308	a:0.27873576421113166	to:0.1314581077792539	and:0.046156160032049455	his:0.03835317866247916	their:0.033018540724401885	this:0.03230033372139253	The:0.027877530333519456	its:0.024628476908341246	:0.01
with-:0.50916428094031	and:0.08917161909754925	find:0.08162869987296702	with¬:0.07484519970796578	went:0.051956395963267496	with­:0.049332953914623	set:0.048558854249243624	carry:0.042956854177215474	go:0.04238514207685828	:0.01
would:0.22980511667265655	to:0.17299540970927665	who:0.12482764014450815	they:0.1035530767531353	I:0.09251266344910343	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.055635813079984546	:0.01
the:0.6771604125454543	The:0.10405495946918285	a:0.05955263304505964	of:0.04513217032495798	tho:0.035400578681523104	and:0.02552338989868955	in:0.019624987803883828	by:0.012120843026961373	tbe:0.011430025204287365	:0.01
more:0.3399511309798218	of:0.12338976351398352	the:0.09003032785032533	to:0.08994750128091973	less:0.08196787438196218	and:0.07234666857485643	for:0.07055527090226879	greater:0.06903229487451261	better:0.052779167641349656	:0.01
as:0.2985161342998676	be:0.21538515598508545	is:0.12162806494449845	and:0.08749895254638534	are:0.07859686173524184	was:0.057728003037305624	herein:0.04521854126074256	manner:0.044331060728287644	been:0.041097225462585554	:0.01
of:0.1999424687125699	in:0.1656467326208487	with:0.11645299053601685	is:0.1040801064141914	was:0.09222275369589086	to:0.09117078987590282	as:0.08128756733327806	by:0.07100448636304192	and:0.06819210444825957	:0.01
it:0.18996776648825836	which:0.16693146919859034	It:0.1638838509302785	that:0.1088783226660808	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125938	and:0.047844242933137104	There:0.041206982916631135	:0.01
right:0.14498930154108566	and:0.14490627059025893	able:0.13089070000017228	order:0.12160117565788678	made:0.11144490107913345	began:0.09571438731439802	go:0.08064696002923302	as:0.08001489741286016	necessary:0.07979140637497179	:0.01
of:0.3157160003613231	and:0.1448157486679456	the:0.14213332720074184	for:0.1226838964611895	on:0.08698856620131301	from:0.0553071163125035	to:0.04865667337815363	about:0.04601522841175804	feet:0.027683443005071712	:0.01
<s>:0.1812349992510244	of:0.1485336386140675	and:0.13006061262552893	that:0.12162976213486221	for:0.11327536416934483	to:0.10727666673496507	as:0.09432962898021971	in:0.047328756450730224	but:0.04633057103925719	:0.01
the:0.2985070367095665	of:0.22823883383643853	and:0.18509944745462079	a:0.07009287037703321	.:0.05496107869977593	The:0.04325544799080888	in:0.038663551162982375	at:0.035793868407326485	<s>:0.03538786536144739	:0.01
it:0.2785617870082724	It:0.14058657073537015	as:0.12754388100244876	which:0.12453991685388906	that:0.10374278837395833	they:0.0775235962159316	there:0.055052625199923454	and:0.042753566693321025	he:0.039695267916885144	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
of:0.37888252473908907	in:0.1282086180355952	to:0.10441990140392647	and:0.09593832568712528	that:0.06971949913892456	with:0.06106707741411148	for:0.0608570667914635	by:0.05176039007607272	from:0.039146596713691764	:0.01
know:0.20831005322820814	of:0.17490440833293885	and:0.16422534047026321	to:0.11379831566269412	or:0.0894677887180011	see:0.08277321125482821	do:0.056574108317144295	with:0.05186213472630067	for:0.04808463928962136	:0.01
seems:0.20061032224562486	ought:0.1626558226948623	seemed:0.11415043407775209	seem:0.11350109702171879	and:0.09261260981894813	is:0.08389850523345983	said:0.08225642808909558	supposed:0.07131107961557845	not:0.06900370120295983	:0.01
of:0.39762324547172634	in:0.26683365063192516	to:0.09361883493416964	In:0.06946543047279935	from:0.04526568332755266	and:0.0368184918344685	South:0.031842699644138946	for:0.0287224661618975	with:0.019809497521321683	:0.01
he:0.25961962303470815	it:0.12744278086804212	that:0.1268902206734563	which:0.09481371991846406	who:0.08854500497100852	and:0.08462410245094608	I:0.07966538436950996	they:0.07047920691886865	It:0.05791995679499613	:0.01
and:0.26459296055211207	well:0.20310619057021642	known:0.11089893342512758	far:0.1099496145054363	that:0.0743669830167934	in:0.060928470903236	made:0.05715551260876778	as:0.05645340864511419	it:0.05254792577319643	:0.01
of:0.362133078449096	to:0.158289120496801	and:0.13783771530404562	in:0.1176538162137908	by:0.055713936263305903	for:0.04597070552506934	all:0.0451648199638724	with:0.04129097466377969	In:0.025945833120239105	:0.01
and:0.24886768355745395	to:0.2104528790760637	of:0.1964908932776959	the:0.14065730354852884	I:0.04571812338277746	in:0.0391691284725516	<s>:0.03831833146332005	a:0.03655665779863761	for:0.03376899942297101	:0.01
the:0.32344792120366006	and:0.13574983968668922	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074353	be:0.039104903932751574	:0.01
the:0.24986431031678558	Deer:0.2277760061457404	Grand:0.15595310013966643	said:0.13508505221619752	of:0.08724238075116693	sub-:0.04226343954244799	or:0.03307215888831134	and:0.029922159619855834	street:0.02882139237982795	:0.01
I:0.2732489239644518	we:0.17617814803174364	they:0.1474959810707173	who:0.10812685508557988	We:0.10074190001411792	you:0.05379187475987474	They:0.04594620870144866	would:0.0430423795777022	to:0.04142772879436394	:0.01
the:0.30060179356401123	of:0.18826189021911008	and:0.16358060993491338	to:0.13449089246542412	a:0.05855641904237988	that:0.04632405944145141	<s>:0.03635869961260624	The:0.032777833298809074	in:0.029047802421294445	:0.01
the:0.3101469464245839	and:0.18139257296176556	of:0.1189750832204775	in:0.09177950457907187	to:0.06476035881673946	for:0.06265243913967722	that:0.06163497939193545	or:0.05030597233991142	be-:0.04835214312583766	:0.01
and:0.33239989233247463	of:0.10906428886952288	so:0.10194209472296804	said:0.10084916516986978	fact:0.09491754657429345	to:0.07090237211259408	all:0.062189491814995224	is:0.06158182084015964	given:0.05615332756312231	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
and:0.24880342808396733	it:0.13004082066380335	not:0.11531520210772177	him:0.09655116730315638	was:0.08707426415382356	there:0.08370981791677358	is:0.0825605726489113	but:0.07757204074433986	that:0.06837268637750289	:0.01
and:0.2908094080775133	be:0.21275042890710225	he:0.1251840203085547	was:0.0754855876146505	is:0.0740559724421692	have:0.0564490768020403	who:0.05631071306329796	they:0.05530497076326166	been:0.04364982202141006	:0.01
as:0.2524008056870584	is:0.19882028255572637	was:0.12429497943033116	be:0.11372823863661288	and:0.10748956891618788	not:0.0663891224159077	are:0.05845555361065586	been:0.03820733866523475	Is:0.030214110082285073	:0.01
the:0.28194576944076694	in:0.16830115934442097	of:0.12175089403444911	and:0.10861914080625808	a:0.0827300313214211	to:0.07226688505594739	that:0.05730899637674186	any:0.05038384377867689	for:0.04669327984131783	:0.01
be:0.3198607998899404	is:0.2519029519667156	was:0.10003962784347317	and:0.06675212132846854	been:0.05588683628801255	are:0.049452897885041674	of:0.04933885130790541	not:0.04893327553992755	so:0.04783263795051523	:0.01
of:0.26182314873404294	to:0.15955166242681296	for:0.10846784161131116	and:0.08982069139084164	by:0.08893091089615991	with:0.07827004845367644	that:0.07083253055370707	in:0.06984676014697029	as:0.06245640578647762	:0.01
the:0.25043916454981885	of:0.21659617165600029	hundred:0.11243437490031136	many:0.07502568615456796	and:0.07193177440216496	few:0.07175786988286735	two:0.07120294778205143	thousand:0.06639029272250214	by:0.054221717949715656	:0.01
number:0.1827535310953414	piece:0.15761797179737239	line:0.13134542019014162	kind:0.10463996779081434	sort:0.09682837059382468	amount:0.09079495924454531	board:0.08213404050637677	Board:0.07693618608461748	years:0.06694955269696583	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.8219880349822869	The:0.0572230334331343	tho:0.03474009865327672	a:0.03350300663356312	tbe:0.013414880888981554	this:0.009663695022434424	and:0.008022034160195288	an:0.006244820765199966	in:0.0052003954609277205	:0.01
be:0.3815702715010108	was:0.2111327786754505	is:0.08494764841678835	been:0.07621023464095547	were:0.0727782630759154	and:0.059685291934145214	are:0.05536818863248309	being:0.025281795043705712	he:0.023025528079545554	:0.01
of:0.21117435763001066	.:0.1594096194106117	the:0.15358069010401934	and:0.140029907110392	John:0.07536611439243111	A.:0.0660193253858156	Miss:0.06566616116472085	H.:0.06005863552721135	J.:0.05869518927478727	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
they:0.1656293186544688	it:0.14718725320923617	I:0.13911525474397318	he:0.13517212239762635	and:0.11617537429809911	you:0.10581980728694049	we:0.06344024117967605	which:0.060303840255538414	It:0.05715678797444145	:0.01
the:0.3887251873701422	and:0.19418139316348373	of:0.16525703200196268	a:0.057232651944801614	to:0.050987387334622054	The:0.03680948961551606	in:0.03417219894548981	.:0.0313964921843071	tho:0.03123816743967465	:0.01
the:0.36607440056592166	a:0.1206726139929553	this:0.11846607832365261	of:0.09586192260531981	in:0.07087262514001848	quarter:0.0699348578883592	every:0.05601517811335796	that:0.04940470498579102	first:0.04269761838462403	:0.01
the:0.3897793605086191	of:0.20480600690331546	and:0.07783593727942777	a:0.06885753491610642	in:0.061051611475386736	to:0.057079007089372094	by:0.052165281300980824	for:0.043868735649481475	at:0.0345565248773102	:0.01
;:0.14858161272700382	up:0.1467474654948133	one:0.12198578422094011	hundred:0.10656946158930602	day:0.10285343698004001	it,:0.09962059277649313	due:0.09113539537332348	them,:0.08780961320473646	made:0.08469663763334367	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
both:0.18552509555024163	them:0.11510325069591053	it:0.10524799723268265	the:0.10193294163968318	feet:0.10158140953190008	well:0.09923943738132708	men:0.09860317242414227	and:0.09433726551068838	up:0.08842943003342427	:0.01
the:0.18967412161958205	and:0.16039812387112398	be:0.12426122688981939	was:0.12339453984543904	of:0.11493837137436898	to:0.08700087712254828	is:0.07482363279220873	been:0.06158286699078446	a:0.053926239494125026	:0.01
the:0.292637807673609	and:0.2213087906255793	of:0.11863059456932074	in:0.069392364097213	was:0.0693297847939321	to:0.06048329639524874	for:0.053710583531059	that:0.052451811278698544	is:0.052054967035339364	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.5261033524814753	of:0.17198547841442746	and:0.06668059387903402	a:0.0530367039653942	for:0.04862074372770557	in:0.033456792579018686	his:0.03288057575402891	their:0.03178467793069512	to:0.025451081268220686	:0.01
of:0.2398708670291844	the:0.22743525417047472	and:0.13139002385520804	to:0.10376973167625372	a:0.08712962001455624	at:0.06768600089169872	his:0.04664315861358613	in:0.04554117936171022	is:0.04053416438732785	:0.01
of:0.3010790243290333	in:0.28366019365801887	to:0.10485288483195473	In:0.07168101660061829	and:0.0559338618846321	that:0.05350354221954182	on:0.04344781557547365	from:0.038931652205114936	for:0.036910008695612326	:0.01
is:0.17547306894649084	as:0.16637386077643135	and:0.10975649364563426	seemed:0.10019231770455378	him:0.09935835505600621	able:0.09340883214762076	was:0.0915761993851579	enough:0.07875025414499698	time:0.075110618193108	:0.01
of:0.18374920975532094	and:0.17041502860124685	for:0.13722662368375477	to:0.13145336070825117	at:0.10399846411297603	the:0.08430598962064165	in:0.07333475914951251	that:0.056955975908246796	a:0.04856058846004937	:0.01
was:0.22415574371386882	and:0.2110551789391199	is:0.1733516162125223	be:0.08255725590994101	been:0.06352360068086782	he:0.06164106414839059	has:0.0599436335515693	it:0.0568912297436642	I:0.056880677100056086	:0.01
and:0.20640199996913144	the:0.19513979195518444	to:0.1820168501707598	a:0.1511478685445872	at:0.0888387473287772	of:0.060796000082638385	on:0.041078294430185174	or:0.033605946170235615	by:0.030974501348500792	:0.01
and:0.26101964257099325	the:0.16415911306783446	of:0.12408699178331607	to:0.09827162529083787	that:0.08015138600331724	which:0.07794798357721452	in:0.0697676812569126	a:0.059983688785928135	or:0.05461188766364605	:0.01
so:0.30106764526166185	as:0.1594142417368375	too:0.14662293735068116	very:0.11912597325596035	a:0.0768337391180406	how:0.05921979456784427	of:0.04547482314572756	is:0.045405427348809854	not:0.036835418214436796	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
this:0.3581531499328229	This:0.2289338145512126	the:0.18937572416249307	that:0.07507108255816303	The:0.04597848402401368	whole:0.025384025584922396	one:0.025163522600671537	any:0.021963561707314217	his:0.019976634878386572	:0.01
of:0.23170269280583022	on:0.19382362680516757	in:0.1918423255789484	to:0.13891909530276134	from:0.06267723158640603	In:0.05912058039929489	for:0.04159472430339258	and:0.03761738765106908	by:0.03270233556712992	:0.01
a:0.3592881739533128	the:0.21192406670007316	is:0.10880093558529376	was:0.09658720179040066	be:0.05909318920468125	are:0.053204779608334835	and:0.039641101285060605	not:0.03125947966499801	were:0.030201072207844966	:0.01
not:0.19141518125706355	you:0.12883463538498088	would:0.12285779209737167	to:0.11593868654498454	will:0.10834285039657382	cannot:0.10174619527633329	they:0.08129885348368318	I:0.07626694116160088	we:0.06329886439740827	:0.01
of:0.33414019334305783	in:0.1193163369723613	that:0.09184271625067619	for:0.08893498064177045	any:0.08657045303001525	to:0.08592384413265503	with:0.08520797874999389	by:0.058306818404313926	upon:0.03975667847515616	:0.01
and:0.5170295445657328	that:0.07657271748126364	as:0.07437327961119211	And:0.06434397902634773	is:0.057741578217593445	be:0.05349479362109388	it:0.05287436305989897	was:0.04750464897645512	to:0.046065095440422366	:0.01
the:0.3727091127604743	take:0.3418219748606355	taking:0.08317299974613886	to:0.03436967747849446	a:0.03421368093946092	took:0.03284930344696243	taken:0.03214761627662365	and:0.029446035000314022	or:0.029269599490895647	:0.01
the:0.278305383325824	of:0.24945770729576316	and:0.21115352753637823	The:0.05102522910488571	to:0.047836591761720934	a:0.04337618184648026	for:0.03916386431459384	in:0.03779993463743551	at:0.031881580176918174	:0.01
the:0.6909464731648476	The:0.08599042925802547	his:0.04899319853860734	at:0.04584546247353086	tho:0.0375345941758919	their:0.02303560212699381	was:0.021410357597646208	and:0.018865869070959166	my:0.01737801359349764	:0.01
and:0.26075294419921313	of:0.22915902799622742	for:0.10582329999415234	is:0.09087370564962333	to:0.07948866286902459	fact:0.07659015955742253	in:0.05656764429993612	but:0.04571590502073367	all:0.04502865041366701	:0.01
it:0.2292391064038637	It:0.21696561702150258	This:0.15216872378118323	which:0.09371134308053368	that:0.0823699607317968	this:0.07426658989754333	and:0.053275560998039914	there:0.048407602090468675	he:0.03959549599506813	:0.01
together:0.41806924273470086	and:0.20729818262112892	connection:0.06938401986937735	connected:0.06191841831840699	it:0.05419620132344389	do:0.04868631902903216	Together:0.04814491198966658	him:0.0434621770341045	them:0.03884052708013888	:0.01
to:0.7421926377803764	will:0.09033008935355803	would:0.039722520837555286	and:0.03905820715177989	not:0.021083182276228393	may:0.016698485369545654	can:0.014549663238329869	I:0.014476563508391514	could:0.011888650484234944	:0.01
of:0.40774956220192454	in:0.22976723993441822	the:0.10578798585405844	from:0.07495358140398738	to:0.05644630172058259	In:0.04671637014558777	by:0.026485462077350832	and:0.024099286640628034	a:0.01799421002146214	:0.01
and:0.26745267416887475	Beginning:0.22525587652116277	was:0.11377028395927055	Commencing:0.10809071640443553	is:0.07344548581441636	that:0.051702392669663144	look:0.05066270801955132	it:0.049895643535544223	him:0.049724218907081376	:0.01
and:0.2705907675932464	the:0.14746265398063077	to:0.1318326486828283	of:0.10420719392527239	for:0.095865034981433	will:0.07554048064638663	that:0.057988272608934015	a:0.05564313008957005	which:0.05086981749169847	:0.01
and:0.2652634788189831	place:0.20608702038716104	point:0.1196718034689221	cases:0.08459865196600339	spot:0.08338543012990264	that:0.07005480893263438	every-:0.06056738561391333	places:0.05325281402571342	of:0.04711860665676656	:0.01
the:0.19966594348907915	and:0.17922247150045179	of:0.15563650816883337	it:0.09240841064240218	that:0.08600859434364928	will:0.07223203728714628	to:0.0701500041630769	a:0.0694699337325797	as:0.06520609667278127	:0.01
and:0.2619304760946804	not:0.1736818553146972	of:0.10576104153790422	that:0.09773133099413737	in:0.07944326507590299	is:0.0699470763065736	for:0.06913197455253926	it:0.06907088863087069	was:0.06330209149269428	:0.01
and:0.1855266834317403	the:0.17928268355096624	of:0.1537079584360458	to:0.14257578856808903	be:0.09033375319685075	was:0.07646336480896145	is:0.06802686908593894	in:0.052184043745382366	for:0.04189885517602517	:0.01
the:0.21188864052440531	Mr.:0.18230324160418387	of:0.14365646177927832	Mrs.:0.10583101989079333	.:0.09386656130533207	and:0.08416657032891245	by:0.06677109781304016	Miss:0.05434407117366929	J.:0.047172335580385076	:0.01
the:0.5101614784978014	said:0.18737809816171636	The:0.07504818363305694	a:0.06424286349916335	of:0.03721294669440086	and:0.035621818503543005	this:0.02949199582665493	that:0.026070181434781937	tho:0.02477243374888122	:0.01
the:0.4949235288684638	his:0.1351048849443216	a:0.06883273615460797	their:0.06604722186559722	and:0.06410360899951859	The:0.05057762544580767	of:0.03855966635509371	tho:0.036805797118272005	my:0.03504493024831741	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.2344792043612265	and:0.1879959092709331	of:0.13507886899256621	by:0.08829798253983687	are:0.08073832153348424	was:0.07434658375082344	to:0.07321331127368107	is:0.05898261182038303	an:0.05686720645706555	:0.01
a:0.36414687985677363	the:0.28945743871961865	of:0.09715284158814004	The:0.05166850725792568	to:0.04999788112856331	and:0.04984397688879233	an:0.03758268902265356	A:0.029200413908697435	that:0.020949371628835346	:0.01
and:0.17341766595477814	will:0.16362732968771046	I:0.16101970430852675	would:0.09743978995526462	he:0.0906974985394129	they:0.08946858763093521	not:0.08032645561354172	we:0.08026315930910687	who:0.053739809000723386	:0.01
the:0.3852091685420713	of:0.15029792416713433	and:0.13361736839571411	a:0.11891032624485717	in:0.05055226342026037	to:0.042450229405257604	for:0.03799538051249681	or:0.03633593244546821	that:0.034631406866740044	:0.01
and:0.17565151401501433	of:0.1693590549182678	to:0.16815386707729313	I:0.10762067317242824	for:0.10414485509485889	the:0.06994998545589694	in:0.06820345184069318	wi:0.06400116680375229	is:0.06291543162179532	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
of:0.29118047174707007	and:0.1757537886620285	in:0.12875169808407108	for:0.09362229079715588	to:0.08753374088251252	that:0.06375106624655734	with:0.06338157976379154	all:0.050782007424572256	on:0.03524335639224078	:0.01
it:0.24112649263459637	he:0.17660792899787944	It:0.1713624494321809	I:0.08209974212840981	He:0.07828896755119588	which:0.07500438521777203	and:0.06286527553672039	who:0.0534546761422916	there:0.049190082358953446	:0.01
he:0.4626858432275594	and:0.12239235466598652	He:0.09344531799164073	I:0.07611585574919955	she:0.06761866978887157	have:0.06399174865015224	is:0.037479881534816205	who:0.03375192065432583	had:0.032518407737447914	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.2938522352200971	the:0.24819590173708098	and:0.11969300575644332	in:0.07091505630862042	their:0.06039908148069219	a:0.059800177336002236	his:0.050861032569951295	or:0.043716039775019214	to:0.04256746981609316	:0.01
it:0.30484125798964684	It:0.2544639010529965	which:0.11012706971336343	there:0.08280022151822534	This:0.0640269063955799	he:0.05777756725873365	that:0.047288057574345295	who:0.035237627470267895	what:0.03343739102684119	:0.01
the:0.3518883023618443	his:0.22896860607682412	a:0.1408294081462464	her:0.06840152783142357	my:0.06453086672203753	and:0.05346272608008913	to:0.031727824523225874	your:0.03106393986288563	their:0.019126798395423576	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.2651191041561604	to:0.15902387146935756	for:0.14847592966167034	and:0.09608100681338001	in:0.08864697683198765	by:0.06746136767362815	that:0.06516709691702467	with:0.05862181668217918	under:0.04140282979461223	:0.01
and:0.2878262999223231	which:0.20403505032011351	he:0.10767513788694527	It:0.08617764780587811	it:0.07824411472907912	that:0.07588289100211047	have:0.051737473446125615	who:0.05040535899331959	has:0.0480160258941052	:0.01
the:0.24595583657850162	of:0.21495727378362803	and:0.13393368550910048	to:0.12247455764936488	a:0.07002243566947185	by:0.058449082511691494	<s>:0.055936365745404296	on:0.055007306677895926	from:0.03326345587494148	:0.01
<s>:0.24643505364970167	that:0.22567481111489607	and:0.11986402130738497	it.:0.10509411761497947	but:0.07308474448235741	as:0.06237988616146023	them.:0.06028718069699419	country.:0.04939834692648971	of:0.04778183804573639	:0.01
it:0.2837305078576197	It:0.20152701282994856	he:0.16580848824961875	I:0.09043772624172819	He:0.06530498743196474	which:0.05591978795526604	and:0.045054681234833936	she:0.04448831708438693	there:0.037728491114633	:0.01
in:0.23825170981030286	and:0.2264381583793566	to:0.1434407231973473	of:0.10424059673179355	In:0.06899645387868518	after:0.06787079326549833	he:0.04969012775341186	for:0.04924405894897891	that:0.04182737803462546	:0.01
for:0.6013289230689811	at:0.09110443293380621	in:0.06992563329248286	For:0.06400949516320573	of:0.056865022347074023	and:0.03590442668851858	that:0.02637639047509608	In:0.022913857647085412	to:0.02157181838374994	:0.01
of:0.5117494809737941	the:0.24883560165099713	said:0.06688364093262955	Eng-:0.04079666510498243	on:0.02831343421083743	described:0.025713607203424693	this:0.02433417819028084	in:0.022829859446563485	our:0.020543532286490224	:0.01
his:0.28117879062463313	their:0.22025063193297084	and:0.10227463499690218	of:0.09263115340617133	my:0.07408512711306847	our:0.06913574139538309	her:0.05214755109639643	many:0.05044550402722198	the:0.047850865407252606	:0.01
is:0.31951760176546634	are:0.19163860183836834	was:0.15368267549824108	and:0.10570781093280956	were:0.057177451311255165	Is:0.057024500446761835	but:0.04404342100967994	be:0.040216998215991756	he:0.02099093898142593	:0.01
<s>:0.29207441653803845	and:0.22271678275296156	that:0.11837511456160706	was:0.08553824978284391	.:0.06268571121841245	be:0.06023776491705416	is:0.05194672075508322	but:0.0493442551941794	feet:0.047080984279819875	:0.01
of:0.28660205638958686	to:0.13630207810280906	in:0.11221220031042933	at:0.09091149461870045	for:0.08626398095075996	by:0.08015269857507397	or:0.06871985765786004	if:0.06758244889364594	that:0.061253184501134324	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
a:0.22296249402828075	the:0.22024837911567044	and:0.18180641598779673	of:0.09800173697214572	to:0.07943287090004209	in:0.05391618698558149	for:0.05151074007243888	more:0.04217669130999481	that:0.039944484628049	:0.01
as:0.19436001227001629	and:0.1409601278107517	according:0.12688257803862749	up:0.1166538996954941	them:0.09546248046552396	regard:0.08571584773899625	come:0.08276545836165355	back:0.07647325798284847	return:0.07072633763608811	:0.01
and:0.2781240803536436	the:0.24499327341649485	any:0.149876260036132	or:0.06397738688298062	all:0.05889272148695808	in:0.05678342573136507	of:0.0564669213305342	some:0.04441867041103911	an-:0.03646726035085242	:0.01
and:0.23734077769691914	that:0.12793612774851235	of:0.1135368078051796	<s>:0.09712882796941788	the:0.09688307805290702	-:0.08455771477803699	it:0.08066024149164285	which:0.0773829143889882	in:0.07457351006839595	:0.01
more:0.61792152676378	less:0.30736975424625357	three:0.015856878617428277	rather:0.014125485452873109	moro:0.008523458289532635	better:0.007866032645765509	other:0.006864907301435027	two:0.005841799353187173	More:0.005630157329744773	:0.01
the:0.24443541423954634	of:0.18374312724406464	to:0.15163824320550195	and:0.1458265365129777	was:0.07871943567445676	is:0.059835011215779735	that:0.043518630813424865	on:0.042263069864140246	Mr.:0.040020531230107854	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
the:0.5928788572719854	high:0.09102552116000254	and:0.07178471317556966	The:0.05427862657711382	low:0.052200865030443806	tho:0.035908652062017474	in:0.03365858585148453	of:0.0304474482204507	a:0.027816730650932153	:0.01
and:0.2014516994592032	the:0.1595126103428818	of:0.15413369281247444	a:0.13825525449150425	to:0.09802150809366585	that:0.08076012035122782	in:0.06125902592884706	for:0.05098105665076284	her:0.04562503186943288	:0.01
of:0.22464712816680416	for:0.19331961274483064	in:0.14769609650521273	to:0.14126939486306486	with:0.09375677642416021	and:0.07717433165823813	at:0.0438799919110056	all:0.03582208323005566	by:0.03243458449662816	:0.01
the:0.2152619333506972	to:0.1602876840419026	of:0.12195256892339093	and:0.11776603568827718	at:0.11165835998304419	for:0.07979084678065497	in:0.07798707681691223	was:0.05270833645103703	is:0.05258715796408372	:0.01
;:0.14099648764783912	it,:0.11967066680326216	in:0.11681118873348909	up:0.11375609777390536	them,:0.11352792153632651	him,:0.11175844987988479	him:0.10982565950269928	them:0.08462205756098831	it:0.0790314705616053	:0.01
of:0.3236739400322047	the:0.17522126355847117	on:0.13659216664388932	and:0.11762970093097352	at:0.06483933865343272	to:0.06277611377794551	from:0.04330010879201497	in:0.042204689432037513	with:0.023762678179030557	:0.01
men:0.19745198911335177	street:0.127993222025304	rights:0.11819052309946497	city:0.10716398085429239	house:0.09559947527536626	state:0.09118873042003896	one:0.08801297667548624	land:0.0850156457563817	women:0.07938345678031365	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
of:0.4415223254799161	in:0.22285811504356326	to:0.10863796317944772	for:0.04454138222108918	In:0.04424139023589728	that:0.036856594730027815	on:0.036093473861833314	from:0.030831678591184852	by:0.02441707665704054	:0.01
be:0.22720467416491902	is:0.15663273382975712	was:0.15156761606107277	not:0.09919936580122982	been:0.08055259055332355	a:0.07060531373758434	the:0.06975333949939654	no:0.06871270637223961	to:0.06577165998047729	:0.01
a:0.1987559573528591	so:0.17362727099498979	very:0.15715297029972117	the:0.10281780220492101	of:0.09368187826141527	is:0.06854870576277458	be:0.06735471406734665	as:0.06630524296085273	are:0.061755458095119765	:0.01
that:0.3079226774387507	and:0.12740983564660438	which:0.10800237368995363	as:0.10384320372855738	if:0.10217540447352638	when:0.08153448436885082	but:0.06292234845485281	what:0.052329547174469006	If:0.04386012502443491	:0.01
of:0.367563955030944	to:0.10542727409805819	and:0.10425163184824796	in:0.08959589629597636	with:0.07753462591860157	on:0.06613590704384607	for:0.06607513790592778	that:0.05711983122720849	by:0.05629574063118957	:0.01
and:0.1495899024693767	miles:0.14173092433846196	free:0.13778745773831563	far:0.11531946154984084	away:0.11422025854048723	suffering:0.09289524012248203	him:0.08182258540364966	them:0.08046450554330968	or:0.07616966429407625	:0.01
of:0.28640640461061107	in:0.18574846569308753	the:0.13619296599720906	for:0.1029673868366163	and:0.0659405014742328	at:0.06585125079721059	their:0.050807951702578624	from:0.048444754801736975	by:0.047640318086717086	:0.01
a:0.25927569668854844	the:0.1596816715678198	of:0.144059877520807	and:0.13781557821441345	that:0.07771796962021134	to:0.0735251714437793	will:0.054104766993769156	you:0.048944679846919525	by:0.03487458810373192	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.0967371407604443	that:0.07632406646832235	a:0.046895937127093126	his:0.030747167493934736	Mrs.:0.026865629367826563	:0.01
the:0.3218467846617875	of:0.1828529761416146	and:0.1232207420947663	a:0.09674086771067118	to:0.08641160396374103	in:0.0783857202791078	be:0.0377967086794569	for:0.032157504111148996	was:0.030587092357705764	:0.01
<s>:0.4173164225725801	it.:0.1363583792777605	him.:0.11025291419831101	them.:0.08780030555057207	time.:0.0608332873359603	day.:0.04583414515528582	country.:0.04527116446958167	.:0.04501599342514429	work.:0.041317388014804196	:0.01
and:0.20348906658929009	to:0.18344649491676243	the:0.12878929711072118	of:0.10497680884400802	in:0.0851550016199043	be:0.08475666165101707	was:0.07037028601373783	re-:0.06636749950536976	for:0.06264888374918934	:0.01
the:0.5702538009468723	The:0.120681214188969	his:0.11416774789822903	my:0.04392153192316321	our:0.037129260946400844	their:0.034982867790401856	tho:0.024928155787078122	your:0.02197252937523978	and:0.021962891143645982	:0.01
to:0.7567029891243918	and:0.059297970363313475	will:0.04750009129947945	would:0.02723702948162527	can:0.0241035356897098	I:0.021217175202841235	not:0.01929707141157958	could:0.0181083299788307	who:0.016535807448228572	:0.01
that:0.2994240904225421	and:0.21670346937709573	which:0.14122881951388647	but:0.09192054755653989	as:0.07340828337400185	when:0.06241604775346419	to:0.03709501725824319	where:0.03572550459949674	if:0.03207822014472997	:0.01
of:0.19772967641121048	as:0.1623673418679956	is:0.11714445471395858	and:0.09677175778520736	that:0.0943754287296158	was:0.08357915383269263	by:0.08031186848504734	for:0.07886594540065145	to:0.07885437277362076	:0.01
a:0.5223694731938258	the:0.14828458741456418	this:0.10483958093181162	said:0.05066692963943001	to:0.04425725136869303	that:0.0414509033389508	starting:0.03071683544346956	in:0.02421863400824424	any:0.02319580466101077	:0.01
and:0.24324582888378196	the:0.1385113941096484	of:0.12598359052043423	to:0.11712117345795753	was:0.09128462150356687	for:0.0720983562371112	in:0.07175195145176773	a:0.06672163572922717	is:0.06328144810650484	:0.01
able:0.1460884501832367	is:0.1327602778722476	and:0.12406381927128401	willing:0.11515186704151566	as:0.10022329918574203	ready:0.09602337365376808	unable:0.09581860499410023	have:0.09273006244417653	going:0.08714024535392915	:0.01
the:0.3962949495465446	of:0.15783793976659047	and:0.11820190240666259	a:0.08725299632490734	to:0.08555916535135934	in:0.0484589888332238	or:0.039354258230343456	be:0.028572848201443412	for:0.028466951338925	:0.01
a:0.36733837745304476	of:0.20930479419388945	the:0.1418321010273453	in:0.08940711385632603	and:0.05263054009163412	for:0.04069679166752938	with:0.037325855070140364	by:0.025920039805228737	very:0.02554438683486194	:0.01
and:0.19865574234565242	Lots:0.16244693192105472	the:0.1496409968713232	of:0.1262979025185701	lots:0.076268542054311	to:0.07339886648128544	1:0.06961163493266415	south:0.06759261038095549	than:0.06608677249418349	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
the:0.44290935331529907	an:0.1154961620279815	and:0.11220014026520325	of:0.07542564055814771	most:0.07393318303736907	a:0.06451085647534707	The:0.04772521232947496	or:0.029090658542996948	his:0.028708793448180482	:0.01
men:0.19894291467849892	;:0.16688934732136124	in:0.10298308815773363	city:0.09232397203409991	and:0.09206108117352081	one:0.09074628757358015	:0.0895565834342809	up:0.07920630952105269	right:0.07729041610587174	:0.01
two:0.2076573406847707	three:0.14024325083864003	five:0.1340919586388882	six:0.12670142969365694	ten:0.12227776235506702	four:0.09332689912608	one:0.07061843700142587	eight:0.048807228973452084	hundred:0.046275692688019045	:0.01
in:0.6050614085174025	In:0.13200463247788422	the:0.06846611457156565	of:0.05768059302002426	from:0.03522732819699936	a:0.027976659922054586	this:0.02259959814704807	his:0.020677001187429194	their:0.020306663959592287	:0.01
and:0.40864052218060615	but:0.13053288478382655	is:0.1144887341614335	was:0.09373668400382687	that:0.08874150239135194	be:0.04404840894988247	are:0.043318258886554765	have:0.03437514638321293	had:0.03211785825930493	:0.01
that:0.24851564147726635	as:0.1862259222278045	which:0.12632110892447784	and:0.10389519460685259	when:0.09356410762279063	if:0.07564880364068473	but:0.06218166497864762	where:0.053201400439320534	what:0.04044615608215515	:0.01
the:0.291805945552912	of:0.19342355124636548	and:0.1501271194670858	to:0.08789682410157106	in:0.08592845644912266	a:0.059756726633215566	be:0.04169138610199541	was:0.03989037619497697	which:0.039479614252755195	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.4546929279038407	a:0.11365557069512151	of:0.09036161819593432	an:0.08840315729699551	and:0.07588308652672421	The:0.06173077519386467	in:0.04577078819634899	tho:0.03631278405241932	any:0.023189291938750793	:0.01
of:0.29633572450437873	in:0.14608538748858488	to:0.1415677969515685	for:0.0941246122349261	and:0.08474980319055245	with:0.07400648853301359	on:0.05839473007661018	from:0.05014706301412718	by:0.044588394006238215	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.7302656310802613	his:0.05693592902260103	a:0.03759078052883224	tho:0.03468916792724477	in:0.030163807452386737	their:0.02885744066723314	any:0.027708188483026974	this:0.022891576403194055	The:0.020897478435219715	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.17088875819441882	made:0.14700725502613016	up:0.14037496326714635	secured:0.1032245946741212	out:0.10290304256707901	taken:0.09703783258711497	ed:0.08520391730418442	him:0.07433795841065471	done:0.06902167796915025	:0.01
those:0.2620325408316669	and:0.2542426081629069	men:0.1358384419906584	people:0.08288362237137059	persons:0.06454797086029966	two:0.057335601553412906	these:0.04539143603680406	<s>:0.04525036398033673	both:0.042477414212543946	:0.01
they:0.3108320068115007	we:0.1416150298329768	who:0.10215659321944376	which:0.08754563692364888	They:0.07549061664274916	and:0.07048841619358877	you:0.07038237330106752	that:0.066758740719713	We:0.06473058635531148	:0.01
will:0.2754260582151497	to:0.26502829714075965	may:0.08974948564411209	shall:0.08217768177084493	would:0.07869052747728551	should:0.06041660485486818	must:0.04860124052649	can:0.04436288435907588	could:0.023058890467551215	not:0.02248832954386277	:0.01
those:0.2940535532506414	men:0.1775897284481624	and:0.15045334244571254	man:0.14522336634823307	people:0.06434478322106482	one:0.04976628334666498	all:0.04605762766324428	Those:0.03167901439061417	persons:0.03083230088566223	:0.01
he:0.1696781811805841	of:0.15125616438695197	the:0.14031035466158828	and:0.13942252418010392	is:0.11338845433768444	He:0.11119375059632036	that:0.056790150201288137	be:0.05633759310288383	was:0.051622827352594824	:0.01
in:0.2302369982846756	of:0.21337907374835416	for:0.1104729492060416	to:0.10371676456943	by:0.08409619871369928	and:0.06999224005883266	In:0.06167138495960386	with:0.05991798625557256	is:0.05651640420379036	:0.01
away:0.23659703027767814	taken:0.1498540700625455	and:0.1305516562222904	come:0.10253730378259353	them:0.08963397271673977	came:0.08579836897436895	him:0.07391851146988045	derived:0.0618818999016364	out:0.05922718659226694	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.30936538711391154	of:0.2551858804932224	to:0.09347207146335378	about:0.07763774702423258	than:0.055695961531328955	the:0.05273415532441885	on:0.05094386789118816	in:0.04992420549854867	or:0.04504072365979506	:0.01
the:0.29227643787135366	of:0.17782088749567468	in:0.14157680581294024	and:0.10933893853717594	that:0.07058603379589196	such:0.05254266446356545	to:0.05240085009927354	or:0.04720995348500608	which:0.046247428439118325	:0.01
that:0.22130646457927133	if:0.18898608896874408	If:0.15855489680363039	and:0.12892091075186915	which:0.08835718740626476	as:0.08748838012832001	when:0.043359279748376854	but:0.03685455929366056	what:0.03617223231986293	:0.01
the:0.33616542463330407	of:0.3084654004840373	on:0.08983263803364634	from:0.06925924722889036	in:0.06552232824906824	to:0.0450047679515154	and:0.026350501128051308	South:0.025459234566406443	North:0.0239404577250806	:0.01
the:0.23269138389509939	of:0.17227055812632708	and:0.13665891320837797	in:0.10858944276806193	for:0.08928936883968625	a:0.08689335141896441	to:0.07530007284549832	In:0.049738565149260526	that:0.03856834374872413	:0.01
in:0.3778269605521277	;:0.10050235910876815	up:0.08899839657869923	from:0.07676498916508702	them,:0.07438647247016913	thereof,:0.07121527800757294	In:0.06788607972251222	him,:0.06663710614671445	benefit,:0.06578235824834908	:0.01
the:0.3250320972030885	a:0.23686920491488947	and:0.09898806509471468	of:0.08643858737005874	to:0.05962764965811808	in:0.05865455995892609	The:0.05059086224564413	an:0.04455021716346503	is:0.029248756391095285	:0.01
is:0.22089822959536826	and:0.18387808269038552	was:0.13811299532752336	be:0.12644312904317534	he:0.08837698747964245	I:0.06624945268713966	He:0.060767105105227495	so:0.058273228193752025	are:0.04700078987778588	:0.01
to:0.30549348341880367	for:0.18659425496228882	told:0.10917621807585712	asked:0.09877041501220078	advised:0.0697321742528112	from:0.0653130836936508	permit:0.056644608947737575	with:0.05476825348313121	allow:0.04350750815351882	:0.01
this:0.41100048948619683	the:0.3921939927662361	said:0.06783261450969466	a:0.03037519106765875	York:0.02010071687703088	tho:0.01940580183051526	that:0.01894958423460707	of:0.01669194934513626	our:0.013449659882924235	:0.01
the:0.3917627351632284	of:0.17191096405693984	to:0.12297595959423421	at:0.07226510522034309	and:0.06903704402813833	by:0.05056043780181515	<s>:0.041124036937808854	in:0.03697939447906569	said:0.03338432271842645	:0.01
the:0.7403548075992421	a:0.08007375043019943	this:0.04185626105492235	tho:0.04127795139233763	The:0.03487668762567506	tbe:0.017593057385277396	whole:0.013119729115434636	our:0.012109939606324971	his:0.008737815790586367	:0.01
to:0.6262876687800507	and:0.0794261123855894	will:0.07576876439390864	not:0.0707040211200416	would:0.04134791730006128	I:0.03260003165675229	may:0.025246072862117285	can:0.020564686810898705	should:0.018054724690580053	:0.01
and:0.18363282820901694	the:0.12124915320812743	to:0.11727909452132212	will:0.1049323296525499	which:0.10304301242018114	said:0.10255730649379331	of:0.10121423398487817	that:0.07967799157623706	may:0.07641404993389389	:0.01
;:0.27420800686232105	him,:0.17737404957553712	it,:0.12315888676290337	her,:0.09702503718414962	time,:0.07368920820762186	and:0.07026947959500657	them,:0.06937552138339675	man,:0.05855265829341169	me,:0.04634715213565194	:0.01
of:0.37917705586509626	that:0.1251078222537047	in:0.11616138288817691	to:0.10497686977890211	by:0.08925490609734017	and:0.06963002571333493	for:0.04405314780796409	with:0.03550757080909421	from:0.026131218786386648	:0.01
of:0.2523558492351206	and:0.16928746430123887	in:0.12483596792384392	with:0.10151053519944812	to:0.09883079762593788	for:0.0747987315281138	that:0.06518170357774512	by:0.05384617829720701	at:0.04935277231134487	:0.01
a:0.22457985780694859	the:0.2160382490379285	and:0.149780868688603	north:0.08127154947156605	at:0.0774487660253618	of:0.06723294339589153	line:0.06414886720295312	west:0.06024610195272154	south:0.049252796418025914	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.23275759924600387	of:0.175691873071473	to:0.15837168235966023	a:0.13999222908938	at:0.11674053826544527	and:0.06010989804314587	in:0.04741856981743395	on:0.03459781943061636	for:0.024319790676841497	:0.01
was:0.17200961636904852	be:0.15397514929588843	been:0.148997230009112	and:0.1326344992256197	were:0.10236292364122307	are:0.08294371738854096	is:0.0735503347182961	have:0.06686072198542312	to:0.056665807366848106	:0.01
to:0.2401283906301484	has:0.18533862890743052	have:0.15539428913882763	had:0.14134046562577923	will:0.09621066227229419	would:0.054529763425599245	and:0.053000620841036364	may:0.03689648214635795	not:0.027160697012526262	:0.01
of:0.4439806827773154	is:0.08921591406086372	to:0.0827755623582013	for:0.08028346969902174	in:0.07245699715722365	and:0.06873477572635728	with:0.06042675975121883	that:0.04961744048834344	by:0.04250839798145469	:0.01
of:0.3361656255633818	in:0.16543378537173462	to:0.13107468944702017	for:0.08485520009079954	and:0.0720281526869444	with:0.05907724772724238	by:0.05213156172062931	is:0.04548285320687575	at:0.043750884185372166	:0.01
is:0.3865163345804228	was:0.18204251495878843	are:0.17574420357328668	Is:0.05749341884924253	were:0.047291336741995815	have:0.039586252989480056	had:0.03536441341445881	and:0.03476638884071542	has:0.03119513605160949	:0.01
to:0.30765020428972256	will:0.1815779064404925	shall:0.10288290382458651	may:0.0916993322783664	should:0.08274393619115722	would:0.06800559602492551	must:0.05555334867258783	can:0.05118916040427996	not:0.04869761187388145	:0.01
about:0.2498240536952694	of:0.22248056414011846	at:0.1463252987936388	and:0.09603920224569854	containing:0.08609225198851948	to:0.0645525220073308	than:0.05698601393673354	from:0.03473686825154761	the:0.03296322494114325	:0.01
the:0.19836175636655523	and:0.1674130352389857	of:0.16070716605411697	to:0.14121474152525526	a:0.12385002738842145	in:0.07400006600096737	at:0.051765895272262975	or:0.041681126885312204	that:0.031006185268122963	:0.01
of:0.19292439642576809	thousand:0.131169760417563	hundred:0.11243653152442205	two:0.0995158259156835	few:0.09895250649996283	five:0.09889112711672335	ten:0.09103053596573119	many:0.08673830048596717	thirty:0.0783410156481789	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.2767811413315943	the:0.22532264492857	that:0.10321654943039395	and:0.09766749157309097	a:0.07218602115388535	The:0.06243694324318819	his:0.060750609305264026	all:0.049214926572785256	as:0.04242367246122807	:0.01
to:0.5893232866053465	an:0.14534486777483444	will:0.0745490405915872	the:0.051767533794262896	and:0.030825317006176217	of:0.02743522852329472	would:0.027046978348518113	by:0.022304634907759715	not:0.02140311244822022	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
law:0.17849875393309425	in:0.15362993775817899	action:0.1312948435868424	city:0.11190079746683933	more:0.0971238479973626	owner:0.0847194672858231	one:0.0797290692853683	person:0.07891214430629323	day:0.07419113838019771	:0.01
the:0.3371199727832528	a:0.14571341508055327	of:0.14248045800946924	and:0.12866761303070035	in:0.06555434545368477	to:0.05723012986529463	for:0.04049076471595427	The:0.04001357439140892	Mr.:0.03272972666968174	:0.01
of:0.47424604119449765	by:0.10171919199091257	to:0.08891794870064966	in:0.0857834002058579	and:0.06223676003297906	that:0.054661035195526717	with:0.04837530648330675	from:0.04065187870966022	on:0.03340843748660932	:0.01
the:0.3521790065282881	an:0.15730251335387382	to:0.12466277596530059	this:0.08837191954885056	his:0.0740352034905044	a:0.05797644426265543	and:0.054148921644854325	that:0.05016083323686919	in:0.031162381968803467	:0.01
would:0.22980511667265655	to:0.17299540970927665	who:0.12482764014450815	they:0.1035530767531353	I:0.09251266344910343	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.055635813079984546	:0.01
and:0.4176388054641092	of:0.09122189310945371	is:0.08151465402581844	to:0.07464100943115234	or:0.07281733808894529	be:0.06898495269012604	are:0.06419780033401451	was:0.06086806827880312	the:0.05811547857757739	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.10005802787283471	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.040989301969020085	I:0.025676339882261923	:0.01
of:0.27786722543568354	the:0.17695922146375348	a:0.13561493131391908	and:0.10247758160165221	to:0.08260370945264404	in:0.06722543089244222	by:0.06419603674865715	Mrs.:0.044140456604036336	that:0.03891540648721191	:0.01
of:0.3048659099369944	the:0.2704783354258796	in:0.21015627743194726	and:0.0790301038220537	In:0.050066998951556835	from:0.027465222802737988	The:0.017670828533854467	to:0.015959912479217492	New:0.014306410615758169	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
and:0.33588990512315525	so:0.1278726139938375	fact:0.11537720847939432	say:0.07932676977727737	said:0.0769132033296819	know:0.07286255230245701	is:0.06380559007158074	believe:0.06086605721333128	but:0.05708609970928473	:0.01
it:0.21798593052455412	they:0.15506521952745397	which:0.1464503760706386	that:0.08997312673330614	It:0.08922096050606222	who:0.08069476545016604	as:0.07427663858078079	we:0.07368129437221253	you:0.06265168823482559	:0.01
the:0.7795310059410883	tho:0.03915794919402085	The:0.032381678095013695	a:0.03025114117921767	an:0.028765547198341204	tbe:0.0236798131317828	of:0.019523759108672677	and:0.018656854009460454	on:0.01805225214240241	:0.01
the:0.2147310547762382	of:0.20337053351879977	in:0.1532291174294918	this:0.12093641675973348	to:0.11301902609450998	a:0.053157392877735264	said:0.04434183478778719	and:0.04426000069302411	his:0.04295462306268015	:0.01
and:0.24102030610305705	to:0.15466596425989132	be:0.15116658020845242	was:0.10688073641889244	been:0.0799248592929294	not:0.06784690549389893	then:0.06704676945289333	had:0.0616768022239914	is:0.05977107654599371	:0.01
far:0.21078439462861095	well:0.17576442902776315	such:0.12362451069847058	described:0.11794178958161483	and:0.10867141346620239	so:0.08142949909466304	much:0.06838167321619185	regarded:0.05391946459645933	known:0.04948282569002375	:0.01
them.:0.30631848512808474	it.:0.16971993377319153	<s>:0.14610188885792288	him.:0.08455510649848166	me.:0.07000196144307833	themselves.:0.05634455063054611	time.:0.05428489863611735	us.:0.05322655252896916	men.:0.04944662250360826	:0.01
the:0.33234572955597735	The:0.12871074483780276	most:0.12795848382604336	and:0.10638377398801194	of:0.07786886691579524	as:0.06156856548809881	that:0.05544248092842482	a:0.05330118580695664	more:0.046420168652889116	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
as:0.19013635946329807	and:0.14892094237392686	up:0.148132257018336	according:0.10048198341783922	regard:0.0882453444411632	came:0.08453893333370532	come:0.07830269616131262	addition:0.0780661672134502	referred:0.07317531657696848	:0.01
the:0.7553284314622013	The:0.058752918290807254	a:0.03340230090106249	very:0.031459624312462714	tho:0.026537946408817945	and:0.023965738475361938	is:0.022922263744698378	are:0.021601024248391887	was:0.016029752156195967	:0.01
of:0.3145126190713022	to:0.1839101397526519	in:0.12021535518017552	that:0.07576691743456174	and:0.06673703157286005	by:0.06646397049555801	with:0.06329312305410341	is:0.05305180476212992	on:0.04604903867665733	:0.01
to:0.6231585290844119	I:0.06806831251079644	not:0.06129312371336944	you:0.05085503984769801	will:0.04953862752483244	and:0.042825020890680514	we:0.03717654808899664	would:0.032599606784487624	they:0.02448519155472698	:0.01
to:0.41169993934745586	and:0.14074611789229674	the:0.13481418641093854	of:0.10172074776122532	not:0.07340838554804936	will:0.04438394568491483	would:0.029391020923623452	shall:0.02862183487655396	I:0.025213821554942183	:0.01
the:0.42338646674259467	a:0.16207768329789707	his:0.12184954894593686	The:0.06100066231636592	their:0.058229520080416965	our:0.04598536801590533	her:0.04070503044924197	and:0.04062680080216752	to:0.03613891934947364	:0.01
that:0.2078145275546218	in:0.1787699269188148	of:0.13918577418610759	have:0.10711267082735271	had:0.10062715710911645	and:0.07733803429608505	for:0.06690416756384844	has:0.06416635496779402	In:0.0480813865762591	:0.01
linear:0.5111949863161213	of:0.11464201463142908	few:0.06514337627281809	two:0.05841225100333687	and:0.053410512676964214	100:0.05178899425291574	five:0.04936354188696343	ten:0.04461642513762547	fifty:0.04142789782182584	:0.01
<s>:0.30310252267128546	and:0.17654985524163133	was:0.08869762695890182	recorded:0.08546547974838441	made:0.08508175570245388	is:0.07164292628760087	found:0.06149895909434871	place:0.05981731125514884	be:0.05814356304024459	:0.01
for:0.1904275258994517	of:0.18076167403246413	with:0.13520594799391122	to:0.11565724229176087	do:0.09480001307818248	in:0.08706730488045017	upon:0.0826322603955146	on:0.051988040082004534	about:0.05145999134626023	:0.01
the:0.6413140625538724	a:0.12748021446542854	his:0.05430225218167881	our:0.04274979575883123	tho:0.03783895340883999	their:0.029604300697626866	my:0.01977177423215456	of:0.01868429131714906	its:0.01825435538441844	:0.01
is:0.1765681557807278	was:0.15161958352715865	and:0.13867776004752744	a:0.11124321724264072	of:0.08831842543731651	the:0.08583029892039853	has:0.0840477704539788	had:0.07788398995091683	have:0.07581079863933467	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.18986383946160562	go:0.1313008589125538	going:0.1309620202896538	work:0.10689597319887	carried:0.09881110789498941	them:0.09439722033459282	put:0.08068533560316976	that:0.08051329016795178	interest:0.07657035413661306	:0.01
and:0.21493091867814712	made:0.17928929690926054	that:0.10285208685730593	it:0.1018330418077632	only:0.08441843936411259	or:0.07832230071831846	done:0.07666239921831233	them:0.07645893500702179	him:0.07523258143975824	:0.01
from:0.21802200205555064	the:0.19694833446729548	in:0.12247782210057058	that:0.08945903226427072	some:0.08261572909543535	any:0.0797247730890875	this:0.07278699757577482	a:0.06676927872790638	same:0.06119603062410855	:0.01
of:0.3604378939279428	and:0.18417724295966706	to:0.11530815514885231	that:0.07673307279964209	with:0.07615055001814502	by:0.059126819681383655	for:0.04414574215772069	in:0.0437848717253896	are:0.03013565158125672	:0.01
was:0.24026457368433973	be:0.2037888851514641	been:0.14865768707292537	he:0.1103149710503319	had:0.06862126170206724	is:0.06433847761150072	were:0.0556837198793109	and:0.05046391740662209	have:0.047866506441437945	:0.01
<s>:0.24614661729688914	them.:0.22419267035370077	it.:0.17208459306519036	him.:0.09503381346386126	and:0.0538011868723756	men.:0.051325501892832186	people.:0.05090734334881112	country.:0.048289019313522	us.:0.04821925439281763	:0.01
it:0.30006698167319595	It:0.17982012281936183	which:0.13280947517765976	that:0.0859694482013703	and:0.07544393771454103	he:0.06860858490090371	there:0.06144316820450515	who:0.05198837442007751	as:0.03384990688838472	:0.01
it:0.41290272574252995	It:0.21770419090184556	he:0.08514975598479974	which:0.06993677021396343	and:0.0610210842196388	that:0.05662955546271886	who:0.03775490183004586	He:0.02900055345660773	there:0.01990046218785023	:0.01
the:0.3853244944598765	of:0.20161191429901182	and:0.13281277996971314	a:0.12239923761336709	in:0.03551265260697983	to:0.03103354669114786	or:0.028518751250521997	The:0.02804008313706694	tho:0.024746539972314786	:0.01
of:0.3324203930410929	the:0.29921553516722876	to:0.10742807657320605	a:0.05806167874494735	and:0.045108477345091325	in:0.04351825732262636	at:0.04052260013092489	by:0.03689012513149283	on:0.02683485654338947	:0.01
the:0.25362703903234946	of:0.21424205068829918	in:0.12370167463345941	to:0.11545550328867085	and:0.09591627126415259	his:0.054838109050133296	In:0.044307430165448976	a:0.04427433466830941	their:0.043637587209176903	:0.01
State:0.15289743959999808	city:0.14659958296397377	day:0.13591694884936428	out:0.11337724748875531	side:0.09728949302627486	County:0.09253539253466518	state:0.09073164870521873	City:0.08933095417266333	line:0.07132129265908649	:0.01
No.:0.25222266244798813	9,:0.13408869572468382	June:0.10093755322708624	April:0.0998268673565512	March:0.09722849305084989	May:0.08538239611191051	and:0.07665274678923345	to:0.0731856894515657	July:0.07047489584013109	:0.01
in:0.34826112829500816	In:0.17093721808849874	of:0.10337081855955749	the:0.1014137764339466	and:0.10075554253053451	all:0.06291066899675335	from:0.043055781094445446	to:0.03293531972500774	or:0.026359746276248094	:0.01
the:0.6090554212068122	a:0.12361837670646246	and:0.07727792504851054	circulating:0.05819479406236601	or:0.04603894401440606	tho:0.02475887531592788	The:0.020484377149898553	of:0.01574521078349502	in:0.014826075712121141	:0.01
sum:0.1648703730892017	out:0.11307775521688435	amount:0.11090839996168092	number:0.11072884578616649	Board:0.10709279218170512	day:0.10091951320741446	line:0.09892782668492611	county:0.09783432205349214	purpose:0.0856401718185288	:0.01
etc.:0.16721223585311967	and:0.1409145066715845	1:0.13409911739794894	that:0.12816114856633934	<s>:0.10437861998714325	.:0.0903291281285591	-:0.0794550457626643	the:0.07283192612513507	A:0.0726182715075058	:0.01
a:0.2894207006083945	any:0.22378953031590268	the:0.2116826754709773	no:0.0736559870123204	one:0.050097926747013466	other:0.04503945667988061	of:0.03480804101411596	No:0.03197267541202001	every:0.02953300673937519	:0.01
and:0.5090272997432481	that:0.10778905250937586	but:0.06846398265974658	days:0.06334103378610689	and,:0.062487699779472376	soon:0.05827063280562924	until:0.04307539225482937	shortly:0.03949720582159897	time:0.03804770063999251	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.3528153324821192	in:0.15932891495967297	to:0.12172702666378053	for:0.08560942779146655	and:0.07037367601688635	that:0.06467495724573463	by:0.0511715108231456	with:0.044098730645807056	from:0.04020042337138719	:0.01
the:0.35661805825354365	and:0.16331399433744215	of:0.10799524916815267	most:0.07764881299020676	be:0.07107285348069893	or:0.06483367570972944	in:0.051085862414792634	was:0.04952513037271524	an:0.047906363272718605	:0.01
the:0.3299431306570386	three:0.1347298036895383	of:0.10423327765237073	two:0.09285609221603609	four:0.08114386278741496	five:0.07281385685432076	and:0.060593244137324635	The:0.05897444899336153	ten:0.054712283012594336	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.2485574645214244	and:0.19599015896865016	of:0.11997646782430034	to:0.10832671786233856	was:0.08306687445300183	a:0.0662522364514955	be:0.06490342642871659	is:0.051780678071133096	are:0.05114597541893947	:0.01
out:0.17743456461807092	amount:0.1293926442567202	kind:0.12203950594810947	sort:0.1067575524356711	number:0.10464960661878639	right:0.10083506542222534	matter:0.09195157259659335	one:0.08679098651155857	state:0.07014850159226461	:0.01
of:0.2314787866626774	in:0.1635415441364617	at:0.13623310511628933	to:0.12475822205396489	and:0.08174569600768211	on:0.07648236697015053	In:0.06384841914428711	At:0.062453483901137044	with:0.04945837600734988	:0.01
of:0.37888252473908907	in:0.1282086180355952	to:0.10441990140392647	and:0.09593832568712528	that:0.06971949913892456	with:0.06106707741411148	for:0.0608570667914635	by:0.05176039007607272	from:0.039146596713691764	:0.01
of:0.34149624747561397	to:0.1278360730178111	and:0.11216778053475236	all:0.09537827231696853	that:0.08541928101554858	with:0.0814243459626875	in:0.05601356730505628	for:0.04927893199911606	by:0.04098550037244561	:0.01
of:0.4582296766877383	and:0.12212737018868096	to:0.0859994777940944	about:0.07690726931639044	in:0.05732290671880281	at:0.05105485805238287	than:0.04910163281168533	by:0.04567041730437085	from:0.043586391125854065	:0.01
lots:0.4729634129054889	No.:0.20143515730137854	at:0.056549896784289296	of:0.05335260367294682	and:0.05210634112900288	to:0.04377073525854436	Lots:0.040329363143791756	the:0.03627204298687697	.:0.03322044681768043	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.28246154582438365	of:0.15299240141226966	and:0.13617510812243225	to:0.10572843301021204	a:0.0862826105563712	be:0.07529464419189333	is:0.05715875834760748	in:0.051304671225660556	was:0.04260182730916977	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.19882004552197108	in:0.18894034545773242	to:0.10882461289622955	and:0.10475928392840532	with:0.10045909801506564	for:0.09080677879375111	as:0.08128433398759959	that:0.058107854941928085	is:0.05799764645731726	:0.01
the:0.28911769851370467	of:0.15034482710262848	and:0.14727364343021293	a:0.12256378698685642	to:0.11180388212332248	be:0.05566769946958989	was:0.044440704312762515	or:0.03660687066406267	is:0.032180887396860036	:0.01
is:0.2463313652324885	be:0.12796002447627855	was:0.12592229215704667	in:0.12558065404915017	are:0.08360848955590314	and:0.08254876048776565	of:0.0715647728761468	amount:0.06861762348641402	that:0.057866017678806496	:0.01
the:0.4240766770630049	a:0.16249535481607225	his:0.1274583267454591	and:0.059477365793356225	such:0.05674742980691346	of:0.042673170095441484	as:0.04103249787579419	this:0.039993148925513575	her:0.03604602887844493	:0.01
the:0.4373546854605903	a:0.12658803086129963	their:0.08145364101407566	his:0.07386121247270125	and:0.06754972159226168	of:0.051907391617870446	this:0.05099665599587981	each:0.050970899408136476	every:0.04931776157718471	:0.01
and:0.2713958356139988	committee:0.12196471445168558	that:0.12088335686488993	Committee:0.11013757498277134	was:0.08468899846840802	feet:0.07897512130622883	out:0.07502261916662309	made:0.07026595361663135	up:0.05666582552876299	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
he:0.2188681772358935	it:0.18595627756923913	they:0.12447781678179369	I:0.09606223838216958	It:0.0854835466791253	who:0.0756116527898356	that:0.07544707224595475	which:0.07095251204417567	and:0.05714070627181274	:0.01
as:0.3723241520447311	of:0.12834585129369164	and:0.11043896172646227	was:0.10456577086047611	is:0.07110613440461801	be:0.06604042057846508	for:0.04904892804671867	by:0.045259722158475776	in:0.04287005888636134	:0.01
him:0.22511585349940635	;:0.1342553032180852	man:0.11574635372301251	him,:0.0950718889975085	up:0.09324255187190897	and:0.09098934403345373	himself:0.0835495239653671	in:0.08043645717718255	man,:0.07159272351407525	:0.01
and:0.6753745644137943	was:0.08486063116136726	Since:0.06195967609193638	is:0.04726448856619813	And:0.03832540756847496	He:0.029277634768609836	;:0.017780565417925425	are:0.01761897414493377	were:0.017538057866760128	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
is:0.19731103399235908	and:0.12231205398331836	for:0.11985894442484817	from:0.11931444087009874	are:0.10621781307893934	be:0.09678439377134156	to:0.08251680016855216	of:0.07291313519532233	was:0.07277138451522042	:0.01
Mr.:0.35298472894292565	;:0.13569740232565344	.:0.08737427383884205	Mr:0.08360820338555904	city:0.08084934613980291	wife:0.06561165138140643	1:0.06301962520034086	home:0.06149283028519396	men:0.0593619385002757	:0.01
he:0.21041171211364312	and:0.19681399676034136	it:0.14424272658866555	that:0.12964160428101115	who:0.07196266055225954	It:0.07012336257780342	which:0.057784523594923407	there:0.05494803795086502	He:0.05407137558048757	:0.01
to:0.2291599023600459	I:0.13871946602755938	would:0.1330455404601739	they:0.11537319596311135	we:0.10498230354658346	who:0.08173080463455146	will:0.07730390766292998	you:0.05776733890846799	and:0.0519175404365766	:0.01
the:0.41781411911028743	a:0.19917275235184875	his:0.08733299016953616	this:0.07166601283254145	in:0.05009278153270936	one:0.04345296358606185	our:0.041026764867872996	her:0.040126069431825145	every:0.03931554611731669	:0.01
of:0.3457666199497193	in:0.13584302590029676	to:0.1143001634412779	for:0.09886369917007409	and:0.087737197081992	that:0.07904342527540832	on:0.050666670677319815	by:0.04058086303956087	from:0.03719833546435091	:0.01
the:0.6864336415105893	The:0.10432932773707762	a:0.07165398345864098	tho:0.030117436401735857	his:0.029994492044828357	and:0.022260670725992977	of:0.016813699164185295	our:0.01453461277500728	tbe:0.013862136181942456	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
and:0.36589722240622385	that:0.11879104527843783	was:0.0808321569096629	them:0.0758169660651014	made:0.07343615971296241	as:0.07226863543357233	it:0.06934005464314696	up:0.06798728477283876	or:0.06563047477805344	:0.01
up:0.1737616542663419	as:0.12358932867718746	went:0.12126099625209914	feet:0.10852007962899117	back:0.10778950773120394	and:0.10358571423275538	sent:0.09272689443227272	down:0.07981364295220406	go:0.0789521818269441	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.42932675219387656	this:0.16407785769442226	a:0.11255590225605522	The:0.08457680361385288	his:0.05648618223313727	This:0.04762150692093662	that:0.033809427447999606	present:0.03200173707123948	one:0.029543830568480086	:0.01
time:0.16583176719390258	up:0.1374428662186972	him:0.13569995663651607	out:0.11873416223605032	it:0.10992980666216844	in:0.0907954290666625	them:0.08567496071291172	work:0.0851966410022111	men:0.06069441027088002	:0.01
the:0.40584786756481706	of:0.21062391491231378	a:0.13654660006288477	and:0.07248044642528714	in:0.0565916266577858	very:0.029239253174218657	for:0.028959085747414993	tho:0.02779285220332722	as:0.021918353251950594	:0.01
.:0.2343942952110185	and:0.15622109709858004	Mr.:0.13461967433492647	of:0.09775799086772481	I:0.09686813144792122	<s>:0.08004806155814428	John:0.06899849553463291	at:0.06072583147265133	to:0.06036642247440046	:0.01
the:0.41334293094321917	an:0.19644360528592647	of:0.1257920680663383	primary:0.06723337303999996	on:0.04481736339578284	general:0.039199653768425005	said:0.03867866617049733	for:0.03603910843569786	and:0.02845323089411294	:0.01
the:0.5599945462947383	a:0.22313361420839442	The:0.060047542978923056	of:0.03715746718483107	and:0.025667290687634015	tho:0.02325281365979466	no:0.02268393305228487	his:0.022478134834600497	little:0.015584657098799177	:0.01
to:0.2353142279905663	of:0.20201836892625455	<s>:0.16946865162562927	that:0.08707660963393063	for:0.07859279535697801	and:0.06799502638338949	it.:0.051833845887182387	him.:0.05093186644039737	in:0.04676860775567211	:0.01
the:0.31904360573278207	of:0.17315917076143733	and:0.12534789090235726	to:0.09647386236527573	a:0.06334210630031535	his:0.0538857038172744	their:0.05387849831842087	be:0.05312243736196245	in:0.05174672444017449	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.19449218439115257	and:0.1720529300710841	of:0.14072648893149953	to:0.1306582185261051	a:0.10864764597806323	was:0.06863644043976365	in:0.06840985754017502	be:0.05664546737906667	is:0.04973076674309003	:0.01
to:0.532221647367508	the:0.1331208185413563	an:0.12897032716613124	will:0.053687066905364456	this:0.05335342685898026	and:0.03517027739368175	that:0.020141099387111644	would:0.01785439596561381	a:0.015480940414252633	:0.01
be:0.20677585249834668	was:0.16918596776663974	is:0.1292426305756323	he:0.10906733935671169	have:0.1040854121982655	been:0.09639850426404563	had:0.06051344053627557	has:0.05743223676397213	He:0.057298616040110766	:0.01
day:0.9306543456003332	dav:0.015091726282296776	Monday:0.007975536068491253	month:0.007132097291125569	middle:0.006800214508135429	State:0.006000830295033763	1st:0.005994807504347629	city:0.005349688300905652	part:0.005000754149330747	:0.01
<s>:0.508086730386848	it.:0.11364250474498067	them.:0.08967128421040037	.:0.05735424515022424	country.:0.049304715888290294	time.:0.04838482560929417	year.:0.04633643255605263	day.:0.04010152727255622	him.:0.037117734181353446	:0.01
and:0.3611715861362694	is:0.10057978584052146	not:0.09851390702151772	or:0.08678558965722302	are:0.07932334923693614	do:0.07857944678350108	was:0.07635212775838954	And:0.06715358402593397	be:0.04154062353970769	:0.01
the:0.38888764840684586	of:0.20232757012206548	and:0.11745135616725987	or:0.08688093472945023	The:0.04435601852507018	these:0.04078744626093432	for:0.03938473510639589	by:0.0359915638846433	about:0.033932726797334715	:0.01
and:0.23286322680857055	of:0.186567291339073	that:0.11113609761982249	to:0.10506883844499586	if:0.09953369457585386	for:0.0738354686309789	but:0.061748913739253904	when:0.06048817603663132	was:0.05875829280482017	:0.01
up:0.1794486824024785	time:0.1546427640836442	in:0.15222692549920158	down:0.09536926251388071	life:0.09231687547486686	land:0.0830923630004956	him:0.07892399954606723	out:0.07769606108488357	power:0.07628306639448174	:0.01
the:0.4269204107123281	of:0.226013129432704	in:0.0612833286460464	such:0.05732566206321501	to:0.052752130974925655	a:0.04745794888108907	all:0.04384946919405888	any:0.040366330000102535	on:0.03403159009553033	:0.01
the:0.35732172982645555	any:0.23765187383533018	an:0.1287815499124055	either:0.04811795515102574	to:0.0461237855048886	presiding:0.04522430262974504	of:0.043715848670761684	such:0.042945222381989924	this:0.04011773208739785	:0.01
the:0.3415156296872453	and:0.15810136082975432	of:0.14848315339772505	to:0.11757737985831357	their:0.06686903328091315	his:0.05290268790761814	in:0.03687172888920533	a:0.03403318297903778	that:0.03364584317018729	:0.01
the:0.23632566192425677	of:0.18886074844018247	and:0.12682049354783523	to:0.09524780069146993	was:0.08498950973556638	a:0.07330451419837286	be:0.06504520465050595	in:0.06462390742693405	is:0.05478215938487641	:0.01
the:0.2686635713483296	of:0.16010824045014527	and:0.1593663368800091	to:0.11787375993345725	a:0.07276654388336477	be:0.06429477580072379	in:0.05966067700417689	for:0.04438815198806901	or:0.04287794271172442	:0.01
an:0.3298636501331755	most:0.18910266762938763	the:0.17494747620055814	and:0.08595565738449318	of:0.0742704608690639	a:0.040437701402719274	other:0.034216369574763233	to:0.03331217485260986	this:0.027893841953229335	:0.01
one:0.33708984341259335	part:0.14875576146602673	out:0.10384043397499726	portion:0.09083714555922895	side:0.07562804233059955	some:0.06197550487992145	that:0.060324718837243906	tion:0.057990436636891	member:0.05355811290249791	:0.01
and:0.32508827920622946	called:0.17433470643435237	due:0.08119015470176152	conferred:0.07964568953168148	made:0.07739100194191122	based:0.0675880366013873	call:0.0627362834041282	that:0.061694477235208725	depend:0.06033137094333986	:0.01
Mr.:0.24510152008600408	Mrs.:0.2240642886166854	U.:0.19648036965417434	and:0.075706781602642	.:0.0632516368065299	Dr.:0.05286927950639741	John:0.048202812498170065	of:0.046156632749062745	W.:0.03816667848033404	:0.01
of:0.30726130944591307	in:0.2175876516318947	to:0.12158621943753734	on:0.10707830106017131	from:0.06309801694752407	for:0.053870830369077326	In:0.047369734054498014	and:0.036293117350952774	with:0.03585481970243142	:0.01
manner:0.3946119345675231	and:0.18749701924918538	that:0.10855654014299566	way:0.07037996389927752	time:0.05382876808607621	it:0.04775881818150396	all:0.04270273332279963	one:0.04238708288685656	part:0.04227713966378213	:0.01
a:0.3685053686896941	the:0.24980740663511056	is:0.12928326188115816	was:0.06960667382031749	are:0.05099428153652991	be:0.03736670285803542	The:0.03210389121869509	not:0.027683563244247363	A:0.024648850116211905	:0.01
the:0.5442094660611123	and:0.1728981531382084	of:0.06755861969489715	or:0.048522832469082136	The:0.04733670952875613	with:0.03359794028729045	tho:0.027178269540565684	a:0.02564124289194369	for:0.023056766388144044	:0.01
it:0.2989737012286625	It:0.24261472377815405	which:0.10356398808709064	there:0.08706159667463481	he:0.06758205162219026	that:0.06479631422367342	There:0.05706355686320398	who:0.034298105592969697	He:0.03404596192942078	:0.01
the:0.6460945270405065	a:0.09201001880411183	of:0.059871095578664046	this:0.04169131486920436	on:0.039274888933327284	tho:0.038716802391226976	and:0.027181031591336564	said:0.022704059701923823	his:0.022456261089698556	:0.01
and:0.24004408046617692	that:0.17309048781984365	I:0.150737247968813	which:0.08004403445706482	<s>:0.07306464698886912	it:0.07297516744003331	1:0.06864399311542535	as:0.0685999990039144	he:0.06280034273985934	:0.01
the:0.5749300566611418	.:0.09797140648806991	and:0.07375341517721735	Mr.:0.05589455435503869	of:0.04616207875552563	The:0.03830981975734198	in:0.0379522092395776	a:0.03260105964127539	<s>:0.03242539992481172	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
you:0.15229395712685728	it:0.1485783752122948	and:0.13056398430549876	they:0.12392686303582241	which:0.09799150163831577	he:0.09534329775684305	I:0.09360012175247097	that:0.08739374954967757	It:0.06030814962221932	:0.01
of:0.39139499467165434	in:0.13128772091221377	to:0.11141388831647231	for:0.07667428079024789	and:0.07135432315611828	with:0.06180615296090067	on:0.05538152073181484	by:0.04859418800061114	that:0.04209293045996677	:0.01
and:0.35315218645721114	that:0.11835483459355085	it:0.1153408044233801	found:0.07013930176251786	made:0.06891855340915606	is:0.06851004504571005	him:0.06692019640895636	was:0.064989940361327	but:0.06367413753819051	:0.01
the:0.718126610737605	a:0.08280533241578512	tho:0.04596058027980914	and:0.03501743284648986	The:0.03219930546544499	this:0.020669390221321703	of:0.019697687099540298	his:0.018414948801351992	our:0.017108712132651808	:0.01
the:0.31670456320987606	a:0.23997542256879992	of:0.13323614037994505	his:0.07407377759363765	their:0.055698862756971314	and:0.04981754009709689	with:0.04628244902155128	all:0.03969589223461306	in:0.03451535213750865	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.32409726519055104	a:0.1951332675642807	and:0.1254625812305214	of:0.12286322738773413	in:0.06078794594479939	to:0.05068320888449783	<s>:0.04046060304175358	The:0.03688864596324386	was:0.03362325479261811	:0.01
the:0.4936293514137151	a:0.3587398960091312	The:0.03912504010066909	to:0.01922784949040319	tho:0.018821903830786843	no:0.018605167810183783	any:0.015736174671929812	and:0.013100623949510056	most:0.013013992723670926	:0.01
the:0.3474916783492143	a:0.19409614746733442	to:0.09918991763482664	town-:0.08821613200650297	town­:0.0814866952585503	of:0.06105234472347978	The:0.044718061587864	and:0.04156780769635253	that:0.032181215275875086	:0.01
the:0.5567972993230036	of:0.0801796877438619	his:0.0637993412916222	their:0.06280449110070364	a:0.05406867161991368	whose:0.049567836578021406	and:0.04767094810985946	in:0.04283555914272925	In:0.03227616509028511	:0.01
the:0.4263448783509636	a:0.28338127375204025	The:0.07914930776271575	this:0.0404413470412873	A:0.03648942022417153	tho:0.03571625087528806	that:0.03218286372821954	of:0.028444818009335442	and:0.027849840255978513	:0.01
and:0.190494265966803	covered:0.18316282477703563	filled:0.13447777221390397	together:0.13360527635178143	charged:0.09623558165493185	up:0.08218350460043088	but:0.06019302161043958	it:0.05888545756967721	supplied:0.05076229525499646	:0.01
of:0.3999636628859222	to:0.15327128333500403	and:0.08402541940398019	by:0.07829726650577438	that:0.07573913242216179	on:0.06937728173963717	for:0.04845732759576013	with:0.042690585159671904	in:0.03817804095208795	:0.01
of:0.3690784749774218	to:0.11371153156517767	at:0.11137026754362131	from:0.09871893931079241	the:0.0819454167046844	and:0.07359775574619878	by:0.07176312146594746	in:0.05029566476031092	for:0.01951882792584531	:0.01
that:0.28468631911482045	as:0.16873605735088223	if:0.13312576535698512	and:0.12140488534129719	which:0.07913991090819217	when:0.062349557384128264	but:0.061862164029310156	where:0.044608582331597355	If:0.034086758182786926	:0.01
the:0.3480474048172614	a:0.17158741194664826	of:0.12463152430242949	and:0.11470547162523166	an:0.06397749595262803	to:0.05379346907921346	in:0.0481065769305163	that:0.03648898616312992	The:0.02866165918294142	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
and:0.3228251478841163	reason:0.14855774103364883	necessary:0.08589474441536632	pay:0.07918040810959909	demand:0.0782739749082368	but:0.0764148425736826	made:0.06765122219451958	provided:0.06755406486583948	do:0.0636478540149908	:0.01
the:0.22669854374274823	a:0.16065144283152755	and:0.15682055975370968	of:0.14859189720612156	to:0.10768267476423311	in:0.05931814572121813	be:0.05857337530993183	was:0.03748628502926306	is:0.034177075641246855	:0.01
I:0.2636844936311666	he:0.25359162889914927	He:0.11274056499000089	who:0.0907903895787575	they:0.07083406903916487	she:0.06324486275662437	we:0.051948348098115424	and:0.05053108381227724	She:0.03263455919474387	:0.01
a:0.32588405938506754	the:0.2726834895776453	and:0.10389092614793584	A:0.07050413442396733	of:0.061224174116501294	<s>:0.0502833577232098	per:0.040208484190202745	said:0.034201320391912746	one:0.031120054043557534	:0.01
30:0.26133328282515544	20:0.12704677326558486	40:0.10388397435212586	45:0.09262647185574013	33:0.08817627334809583	15:0.08700247986265426	35:0.08436611406431933	48:0.0742235362608118	51:0.07134109416551232	:0.01
that:0.25505569512609666	when:0.17831182432348686	and:0.12948592033081302	as:0.11909392670241488	which:0.10427409858228376	but:0.06654833102662845	where:0.05454030609210617	if:0.044257296816698107	until:0.038432600999472134	:0.01
the:0.5023825219502728	The:0.17287569051447702	this:0.07490716633031493	a:0.07419594354871438	This:0.06153072575415019	tho:0.03573076877842598	his:0.02466211253066134	commerce:0.02348037567835839	of:0.020234694914625075	:0.01
in:0.5185067913374198	of:0.14096549190826718	In:0.12971450049712402	any:0.086750358819532	for:0.02662447689089909	no:0.02470441260578728	upon:0.021531703689994904	that:0.021120165382785487	with:0.020082098868190373	:0.01
the:0.2501550870616374	of:0.17327320107306704	and:0.14388289249475147	to:0.11475751953988338	a:0.09038001401223485	in:0.07346713906469314	be:0.06537517806815311	is:0.042347954547891406	or:0.036361014137688295	:0.01
the:0.8076152062331344	The:0.053950392254297826	tho:0.03277361312921802	at:0.021404338262588026	a:0.020758509105481455	his:0.018063828534779128	tbe:0.013901280906959588	their:0.011278136820294785	its:0.010254694753246673	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
above:0.2960634500845927	be:0.14974403539809641	man:0.13253933141379504	was:0.10303503919880276	he:0.08196322565998554	been:0.07038368280050995	were:0.055768570298029674	and:0.05574941336006585	is:0.04475325178612209	:0.01
and:0.2418178253205861	be:0.1846979570893986	was:0.1714840886206377	is:0.11211203174860679	are:0.06696641719207268	as:0.058325513469791805	were:0.055505538411702145	been:0.053673972427273224	of:0.0454166557199309	:0.01
of:0.36285203323998894	the:0.27290807775512665	and:0.07577500945800313	recover:0.05765649045720099	for:0.05551360926308395	The:0.04865070838772945	in:0.04353304641405658	this:0.03681306964781228	such:0.03629795537699807	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
It:0.23594464495994605	it:0.22717316733381915	he:0.1504054052601361	which:0.10469889818326023	He:0.06869022683838816	I:0.0582633784886276	and:0.054476820881807574	who:0.04906449841993971	she:0.04128295963407546	:0.01
of:0.2398708670291844	the:0.22743525417047472	and:0.13139002385520804	to:0.10376973167625372	a:0.08712962001455624	at:0.06768600089169872	his:0.04664315861358613	in:0.04554117936171022	is:0.04053416438732785	:0.01
going:0.26738691669112036	go:0.1933598153532223	went:0.11718963579570205	goes:0.10231285348537615	carried:0.08043757537378236	and:0.06397033228828157	feet:0.05914133459773008	passed:0.055022365229574606	done:0.051179171185210565	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.43114557048978036	of:0.14908952579214674	and:0.1045072440886855	in:0.07217827145912264	to:0.06728188081474026	that:0.05156175125775929	a:0.05092066144907935	be:0.036081310616252533	his:0.027233784032433272	:0.01
to:0.24865584981323077	of:0.1755186973191839	and:0.17473038965234514	the:0.1716102340425209	or:0.07406657288806956	in:0.048262800125335556	not:0.03552156459878043	at:0.03181613714623288	for:0.029817754414300773	:0.01
and:0.18784140996604134	of:0.1490887430116108	in:0.12741405174626447	the:0.12173717920647893	on:0.09649611517282079	at:0.09222434863135759	for:0.08189248322055774	to:0.06820701309502954	from:0.06509865594983882	:0.01
be:0.39826761391959153	is:0.15796057815986497	was:0.10146957623459725	are:0.09611501207808676	been:0.07593253708059396	not:0.0371231055572556	and:0.03691216580366941	have:0.03272333828051424	were:0.028487225607293165	he:0.025008847278533086	:0.01
of:0.22164806883989052	was:0.18302484420608378	is:0.14555789473781836	and:0.12825755463580168	are:0.079151406933162	at:0.06608384853473079	were:0.05904432692010732	in:0.057659350143702395	for:0.0495727050487032	:0.01
and:0.20574901464648052	be:0.1782627871071889	was:0.1377230897430883	to:0.08832819096533921	been:0.08618103965957719	is:0.0810041601548845	of:0.0796758931950268	he:0.07002166678811851	were:0.06305415774029603	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.4114991059119455	to:0.15058220612447837	in:0.09675841314866342	for:0.08886941928698783	that:0.060129653902898636	and:0.05846963721855624	from:0.04527991632925893	at:0.039266408959238296	on:0.03914523911797293	:0.01
of:0.44312963913615244	in:0.12282353304317452	to:0.09499541446950903	for:0.09048544875518257	and:0.0730095293923649	with:0.06868216657964463	by:0.03586696515268456	that:0.030535724383627488	from:0.03047157908765976	:0.01
and:0.23749675482912586	covered:0.13875918055451128	together:0.10908004926060494	filled:0.10240357263225028	it:0.09524661810405691	do:0.09001222509213799	them:0.07489655202215911	up:0.07184143139991794	him:0.07026361610523571	:0.01
the:0.5556308824190578	a:0.13720448338418917	large:0.08285774618978543	Grand:0.05815297679000421	great:0.04270661281259393	The:0.03529607322748043	tho:0.03206939177009458	high:0.023492945548011696	vast:0.02258888785878269	:0.01
the:0.6137983159775982	a:0.08076905414888255	of:0.07820053318804962	Men's:0.06701386561445852	and:0.047542788720087145	The:0.03774443637027746	tho:0.030733804695949187	in:0.01992087175949419	tbe:0.014276329525203085	:0.01
the:0.25667383095902047	we:0.13839745124855368	to:0.1309614185522146	I:0.11673050224062871	We:0.1063127810151885	no:0.08595950777537405	and:0.07149218382764909	a:0.04591654573596828	sincerely:0.037555778645402584	:0.01
and:0.23434895996823976	of:0.22955408581209782	that:0.09409037305409815	in:0.08639572819125022	are:0.08527121571466885	to:0.08328782642627251	with:0.07250267584278741	is:0.05608191192628823	was:0.04846722306429699	:0.01
the:0.7515516290409329	The:0.06831560207837191	a:0.06690417780126329	tho:0.03274670796639094	and:0.01759094674637124	tbe:0.016216037744837104	by:0.013955594452220926	of:0.012174480065536194	to:0.010544824104075638	:0.01
<s>:0.26142681908191784	of:0.15855007777555713	in:0.15089353190853635	to:0.13711535148279327	at:0.07447879338497189	for:0.0596233874362193	that:0.05554141478334802	and:0.04654059105714835	by:0.04583003308950771	:0.01
the:0.25536421426644684	of:0.16143157139976627	and:0.11988813480631445	a:0.09258020596600254	.:0.0886903827830793	at:0.08067849408353318	<s>:0.07735832086728837	to:0.06796870731098859	in:0.046039968516580404	:0.01
and:0.2500139557465716	of:0.1577493546094138	to:0.1349424065470087	is:0.08629698222507516	was:0.08055671547012434	for:0.07576534216973776	are:0.07339536277519826	in:0.07279594799724061	with:0.05848393245962985	:0.01
the:0.2841053618885933	and:0.17409525159595357	of:0.1267821049460687	a:0.11276643083346743	to:0.0707897767756075	was:0.06679206630236653	I:0.056027005813178696	Mr.:0.04957580655972496	be:0.04906619528503924	:0.01
he:0.23821941843816813	who:0.14539959481969444	and:0.13396284861327032	which:0.12326385419492465	it:0.10524941877067034	He:0.07647555750607184	It:0.06388595938208756	that:0.058115667910448844	she:0.045427680364663846	:0.01
they:0.29456972127128095	we:0.1296088874247781	who:0.12777430162695463	and:0.1221518046519373	you:0.07722217804844109	which:0.07031603158390948	They:0.0614019844168737	that:0.059535955266433904	We:0.047419135709390575	:0.01
and:0.23337832073472708	of:0.14719064916981853	was:0.1269815154220225	are:0.12156824343305432	is:0.0851522018534693	by:0.0727655113450206	for:0.07000971333471352	to:0.06823452092361244	after:0.06471932378356175	:0.01
the:0.5045061553561311	a:0.17625206175097374	and:0.07387472218535995	The:0.06235153854686844	his:0.05798031626402827	of:0.031632315909491594	tho:0.031089194195121628	be:0.02621178988502394	their:0.026101905907001396	:0.01
that:0.22589800819119046	and:0.15513259560268788	will:0.13073779740023783	to:0.10879797661238737	which:0.09142458963169241	as:0.07543580639651168	if:0.07276998457406988	would:0.06971627749222804	when:0.06008696409899433	:0.01
of:0.18045438050695572	to:0.1747026357974531	the:0.15749425223258814	and:0.15345542519140226	be:0.09235457882182141	a:0.07340216453377853	was:0.06625041891181835	re-:0.045984937709827485	for:0.045901206294354936	:0.01
of:0.2698660523118012	the:0.23484995954929386	and:0.09904608166287818	to:0.08908406635712102	at:0.07671458294901894	a:0.0659892453558625	.:0.06118162458386225	in:0.05380488689934228	by:0.039463500330819835	:0.01
to:0.49185407585675534	a:0.10576507344136858	the:0.09951892274738594	will:0.08638797846027012	not:0.07769469437210497	and:0.049100570416842224	may:0.034263037649572774	would:0.025417267951119482	cannot:0.01999837910458053	:0.01
owned:0.2778237823068342	made:0.12915734501143822	delivered:0.1206326024929629	assisted:0.10198923553477153	and:0.0966715289911885	occupied:0.08434079915268108	conveyed:0.0772321215889164	accompanied:0.06323193114761544	headed:0.0389206537735916	:0.01
sale:0.6161918246325003	and:0.09223723399842065	therein:0.054314275445928144	was:0.05173885905257804	be:0.040525237430644186	is:0.0380046974946491	as:0.03710080186037897	mortgage:0.03007538595278554	land:0.029811684132115004	:0.01
or:0.2045692572631001	not:0.165069560207902	and:0.1406603448030436	redemption:0.12589568267922982	than:0.08972502997109885	is:0.06896450207811626	was:0.06877777860304822	look:0.06433523491393658	there:0.06200260948052438	:0.01
the:0.536621449654995	court:0.18346214977701852	school:0.050783953368371465	The:0.04419530924049947	his:0.043852296365596136	opera:0.04054352568511813	a:0.03257277741978576	said:0.031892342717509	tho:0.02607619577110656	:0.01
in:0.2701618008657198	of:0.22322812646490608	to:0.10487137246615127	with:0.08632673851129095	for:0.07000513782906682	and:0.0698531746124623	at:0.06272645191630617	In:0.053970168075094124	from:0.048857029259002434	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
a:0.32362394375427567	the:0.31233144258629036	young:0.10437406871450579	The:0.08559581255559408	A:0.06584656075051812	every:0.03243347257722975	old:0.03135906711349276	and:0.01958832585992229	Every:0.014847306088171058	:0.01
to:0.6230523669881924	will:0.1005103631629355	and:0.0919232273937654	the:0.03903360547936195	I:0.0354245878973957	would:0.03497422388911457	we:0.02848935292596281	a:0.019089766465790612	We:0.017502505797481006	:0.01
the:0.49771108509126194	a:0.2717866017966557	The:0.05480182777105604	of:0.052742977096447	with:0.028909596586051703	and:0.022989719972206783	tho:0.022211081297783132	A:0.02000547084410876	very:0.018841639544428888	:0.01
the:0.40203826747209637	in:0.2781356805358473	a:0.1455547255431513	In:0.07252028607362312	The:0.019697763133043594	this:0.019524671467952923	any:0.017979209906185168	tho:0.017481983514254566	every:0.017067412353845658	:0.01
the:0.23174893850408618	and:0.12551440839716432	as:0.11143775786841334	<s>:0.1102769619466863	that:0.10733196371434878	of:0.10160059932940368	I:0.08252922160699785	if:0.06224345819598211	The:0.05731669043691759	:0.01
and:0.2379976800727215	the:0.20100817014980685	is:0.10492267095510664	he:0.10253089196028829	that:0.07535349860351108	which:0.074243078007954	not:0.06863728454623097	be:0.0657627412816522	it:0.05954398442272842	:0.01
of:0.3630607183836505	and:0.1867176181686744	to:0.126587203481481	by:0.10560930529423083	for:0.05294422490974945	at:0.04713555293999874	from:0.04215675552397246	in:0.03558642492896219	with:0.030202196369280367	:0.01
one:0.22521744032678306	and:0.15148543020685828	some:0.13273282758323363	out:0.13030403369847146	time:0.0928837696001405	part:0.08325064854181365	that:0.06764648243547321	all:0.0557530673760683	each:0.05072630023115782	:0.01
of:0.3486622817698229	the:0.19280812861077798	and:0.10734261458714824	in:0.08515494339470993	to:0.07905792219791803	for:0.0607528936457584	that:0.044967857889717605	a:0.036232657081943564	by:0.03502070082220329	:0.01
was:0.18364430568214168	is:0.162759712418395	of:0.15076326429589537	be:0.1199935589150808	and:0.11801156758615221	are:0.07374084163794083	to:0.0680648263692199	-:0.06018770740776149	for:0.05283421568741274	:0.01
the:0.6396473951559211	a:0.20879968569435847	The:0.03835448205555729	tho:0.02759900379740415	of:0.024523809138440593	in:0.01568214508480122	any:0.014476811102216562	tbe:0.010742369425208747	this:0.010174298546092019	:0.01
the:0.2561122386263557	a:0.14125808720580113	of:0.13404318009807886	and:0.10362317858583231	at:0.08640042551714287	to:0.07756226121141872	in:0.07250113958493383	for:0.06894254937634693	that:0.04955693979408957	:0.01
the:0.2916162192067636	Republican:0.205660326570531	Democratic:0.11721011833609454	a:0.10781301616057608	any:0.05875170372895561	his:0.05414856834809552	one:0.053465284500113126	of:0.052244800312100735	this:0.04908996283676954	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
-:0.22905915061447613	to:0.21646258246493133	.:0.12388799439628011	t:0.10694183529118235	ti:0.08504407409236164	I:0.06782407740209441	<s>:0.06488178801336227	i:0.048392809518461616	of:0.04750568820685004	:0.01
the:0.5421429740218874	a:0.10660646480892277	sepa-:0.09818654592496766	this:0.0498184399146883	any:0.04786149085696305	of:0.04214060959407014	same:0.040486547673158284	and:0.03142566606062725	The:0.03133126114471522	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
that:0.22190900604479433	as:0.15814286434106922	and:0.14725282322050032	when:0.14064797915759425	which:0.10024052015462875	if:0.062012906985433665	but:0.060666198493097775	where:0.057148551797969085	before:0.0419791498049128	:0.01
<s>:0.5077204322896133	.:0.13794055356225604	it.:0.08067719263893704	them.:0.06360146968227404	him.:0.047824772087541684	day.:0.04328270891793961	city.:0.03809488877323477	time.:0.03683931255310579	year.:0.03401866949509769	:0.01
the:0.20467854619250483	a:0.16688819837561775	took:0.16046060841277338	take:0.11945670302807362	to:0.11456252191250829	in:0.08386156362623168	his:0.05207225569755654	no:0.04560810403884961	and:0.042411498715884295	:0.01
is:0.18661444081614292	have:0.1623037900774767	was:0.1378126149108157	has:0.1336056820825177	are:0.10596102201289642	had:0.09378418283021321	not:0.07818846617581839	and:0.05529748067089571	were:0.036432320423223294	:0.01
and:0.22043221216889355	or:0.1402435894492591	appear:0.13388606094278052	days:0.124708957017998	that:0.09367849322853246	time:0.08957390444209595	brought:0.06392370992962311	just:0.062112643107892156	long:0.06144042971292521	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
and:0.2310931925224	contained:0.18189150187687583	served:0.16470358446954678	situated:0.0832836269588494	property:0.07523467689405387	interest:0.07210340216842065	land:0.07039581793820512	or:0.05709556004153315	that:0.05419863713011525	:0.01
is:0.32768645866088775	be:0.2934515246905601	was:0.10076599339271626	are:0.07292199433428585	Is:0.0518193225684906	been:0.04257096493101604	and:0.04179131614398357	he:0.029633406255197767	not:0.02935901902286196	:0.01
was:0.22224834512800085	be:0.1820882308205486	and:0.16757331041142773	is:0.15407911214774758	were:0.07100750161366269	are:0.06839578058515618	been:0.05750462974852359	to:0.03420753297643947	he:0.032895556568493356	:0.01
of:0.22516529045380787	to:0.1452797229018144	and:0.13889339584425367	in:0.1315574654383241	for:0.10309325756061351	with:0.0828099699767283	that:0.05763416717073796	by:0.05614930240604123	on:0.04941742824767886	:0.01
and:0.3497565658653669	was:0.11359982220150441	of:0.10512052396785651	the:0.08434632503846134	I:0.07263695604169365	he:0.069799155712698	her:0.06786919878831847	to:0.06534505501931795	be:0.06152639736478275	:0.01
of:0.37637045426306576	in:0.22574860392551702	to:0.10936202837824356	In:0.05339413954969779	for:0.047973139894450754	on:0.0477698187742778	from:0.04657042957327049	and:0.04243434891566152	that:0.040377036725815225	:0.01
is:0.26334606186643345	nothing:0.20001453075327721	was:0.09266428592816316	are:0.0843621411731606	;:0.08366437123701793	anything:0.07892043621637715	and:0.06545180077953085	it,:0.06298103036147791	be:0.05859534168456176	:0.01
any:0.1897819533934468	no:0.15946085400115803	No:0.1564117890365598	that:0.10915726108769323	the:0.08992887419463694	of:0.08911528865420655	some:0.07591380972316644	and:0.06117159787189499	every:0.05905857203723712	:0.01
that:0.3657437588038818	which:0.15543590404986893	and:0.10870635337295763	as:0.0861359609551999	if:0.08431735957475078	what:0.056124764742429396	when:0.04690268569991153	where:0.04504090989058847	but:0.04159230291041144	:0.01
and:0.2503179771193183	it:0.1191931764009684	that:0.11111674088683451	made:0.09607595369407342	was:0.09224657807501195	them:0.09209259261588562	found:0.08802579283705521	is:0.07319718064234634	up:0.06773400772850624	:0.01
feet:0.16566530055203563	and:0.15830955822731993	men:0.12318583917351082	it:0.11132728504145045	them:0.09491262239362781	made:0.09116121518246559	well:0.09017600604476055	him:0.08080596145667249	up:0.07445621192815671	:0.01
one:0.21303943994489263	out:0.1698340805609801	part:0.1472687798153334	some:0.10564771493692295	account:0.1047360670487683	any:0.0723917686949588	all:0.06334962810761698	that:0.06091520523433158	tion:0.052817315656195345	:0.01
and:0.24451186867984265	is:0.17638534709084008	was:0.167723588669915	are:0.11269515445157204	will:0.08835128735185704	were:0.07896274697641939	but:0.054809862011881254	He:0.034580698982199426	I:0.03197944578547331	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.567427143141002	in:0.13367096164952344	the:0.10706096260424934	County,:0.09031243625854772	to:0.02182377392057634	on:0.01800533609116822	and:0.01759315698597582	from:0.017437911587640183	county,:0.016668317761316845	:0.01
that:0.22894298162916124	and:0.18389959895169808	which:0.14233538044387992	when:0.10658309596613334	as:0.09538865855949213	to:0.09182559855047093	if:0.04809103819452874	will:0.04780503333124626	but:0.04512861437338917	:0.01
it:0.33951862802776367	It:0.19706178503055488	which:0.11328211140964926	he:0.07712448792724577	and:0.0757183681426737	that:0.07027533986589132	This:0.0465004289062779	what:0.03714889030004778	who:0.03336996038989567	:0.01
the:0.47640483576962583	supreme:0.10869523268254419	circuit:0.09837235878942048	a:0.07817895695598318	district:0.06883851344944639	said:0.05608541436404819	The:0.037959380316109174	this:0.03645216312175169	preme:0.029013144551070822	:0.01
the:0.5495287893930453	of:0.16104484909695568	and:0.06227818291316991	to:0.04857104899298384	a:0.04608292085119176	The:0.039326271667248364	in:0.028907856097435482	tho:0.027441480672011943	this:0.026818600315957824	:0.01
and:0.30813827370948377	said:0.1730589697868629	fact:0.11175374042727586	stated:0.09076470050424858	so:0.07733344451894186	him:0.06626454011197735	know:0.06377304208821113	say:0.049787186448953615	is:0.04912610240404502	:0.01
men:0.2731702010647946	one:0.11865994562727966	man:0.11566990680482998	it:0.10749890452807515	right:0.08092322182606324	time:0.07566938360402697	women:0.07455536946862254	made:0.07414970919169232	out:0.06970335788461558	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
and:0.2996888291677481	that:0.17085971560498123	which:0.11591051103377074	as:0.1150222878630635	but:0.07757774864558399	when:0.06657243444301325	if:0.05447713480311492	what:0.04506079985386207	have:0.04483053858486231	:0.01
and:0.32515553213626125	that:0.29126606270680055	as:0.10628292109216969	but:0.0732514167309409	But:0.051062683762046916	And:0.04149735786724819	or:0.03464661863463881	do:0.03400279497972793	even:0.03283461209016575	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.3477149616244239	the:0.1538325431381699	of:0.13202859360000388	to:0.08723421791793828	a:0.07841203150074808	was:0.06577850505664147	as:0.04255306051830522	be:0.042380913047885285	is:0.040065173595884074	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
I:0.25539779671872864	he:0.18349300334795196	and:0.15967626042938365	have:0.10497769054355284	had:0.08001900757539634	they:0.060495659494274656	we:0.05237105773407709	has:0.05069881245627134	who:0.042870711700363384	:0.01
so:0.1760165658941351	of:0.14949769167081106	in:0.12044463059327694	and:0.11001724059777046	as:0.10675562777882028	the:0.09979829453072665	for:0.09482125265586638	with:0.06977344793354932	great:0.06287524834504374	:0.01
of:0.2094516051588005	as:0.1264115211559106	with:0.11783509578971092	in:0.11435911483682636	is:0.10484421791138053	to:0.09139418939714429	by:0.0864576179308981	and:0.07160674380532174	was:0.06763989401400695	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.38373488266549505	and:0.1417317005694266	I:0.10821479214883885	a:0.09409770925898735	to:0.07211011846801023	you:0.0606047774370622	or:0.04775426269773208	not:0.04613014904753961	we:0.03562160770690808	:0.01
of:0.3614087471993659	in:0.24935405560538	to:0.11129762130740292	In:0.06002884368575014	by:0.05242734286031831	on:0.05111178909098331	for:0.03674554356162022	that:0.03622562609695302	from:0.03140043059222616	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
to:0.588866432368409	will:0.11985715357749802	would:0.07698760959218116	the:0.04950444495151361	not:0.042726860787379424	and:0.039322666710318484	who:0.026404103516642994	we:0.02547019351426062	should:0.020860534981796713	:0.01
a:0.18378738514292822	and:0.17593907584851706	in:0.1592008294654304	of:0.10473099488914708	the:0.10251845386546818	with:0.0746186557997976	was:0.06808926562670575	for:0.06400953452792248	be:0.05710580483408318	:0.01
the:0.6640815020341746	said:0.15032282700436012	and:0.04070303835213803	tho:0.02905554277908202	this:0.028718595489096835	The:0.023827234155262517	a:0.021714721335162813	of:0.016866546057654353	tbe:0.014709992793068482	:0.01
the:0.36007957622374165	and:0.1647361780707947	a:0.13340854689956114	of:0.11797114713514299	to:0.08261822317243796	The:0.04392626138561703	in:0.029901516810452496	his:0.029583298719743075	be:0.02777525158250888	:0.01
to:0.551784367415699	and:0.10298581408026049	not:0.0802167715804677	will:0.0649823459176949	a:0.06014778493176352	we:0.041808222808000395	would:0.03700722856815801	may:0.0258742269924506	they:0.025193237705505377	:0.01
it:0.3015171229558848	It:0.2619239201557766	which:0.09626795511435841	that:0.08898798449304163	and:0.08511105156584331	he:0.061266256503055685	who:0.037523872593120546	He:0.02875196267310322	there:0.0286498739458157	:0.01
the:0.20430155198314956	of:0.17273580417316312	in:0.15801429352994745	and:0.1364836783102874	their:0.08343805256886587	his:0.0638060619386374	no:0.062024204318386435	or:0.05744126183983228	an:0.05175509133773069	:0.01
and:0.1551143959809371	him:0.1228649811003413	able:0.11339265141476382	is:0.10969666770510485	as:0.10671661386113254	began:0.10089273437533938	them:0.09600437110686602	right:0.095607902004489	going:0.08970968245102592	:0.01
and:0.3263647552579012	of:0.18034356092949677	to:0.11181231694963173	in:0.09421459749244987	for:0.07458155577146919	that:0.059908072666210434	or:0.0542045606842733	from:0.04912690972755014	was:0.03944367052101722	:0.01
the:0.4254653188724556	of:0.1824356635001177	to:0.09163335558886722	in:0.06716756669241074	and:0.06581304653601608	by:0.04286697674001646	a:0.04187825495456122	<s>:0.03779976890323678	on:0.03494004821231817	:0.01
and:0.27436245036883095	was:0.14448176894817452	is:0.13580427054792873	do:0.1300948847428064	are:0.10464344086497208	be:0.05569213076355586	were:0.05341921244930933	not:0.04889876470710106	or:0.042603076607321	:0.01
the:0.6844184681025479	and:0.13206263123922918	The:0.033884882682589004	tho:0.02967206851582505	this:0.024243238432354045	County,:0.023753470610941154	of:0.02310209626293428	a:0.019773852608151416	county,:0.019089291545427888	:0.01
and:0.5145870481829047	of:0.13579716509428713	in:0.06074427446454966	was:0.05656592946002774	to:0.05468351670774774	not:0.04948977589207242	the:0.04019011747933715	for:0.03953636177645423	will:0.03840581094261922	:0.01
there:0.31792060553551105	There:0.2289986106408456	It:0.12723188543055353	it:0.12505343413185893	which:0.048489575379316786	This:0.04517066265750571	that:0.04385909080490402	this:0.031144485852852247	he:0.0221316495666521	:0.01
they:0.30042824242823585	who:0.1950547703093929	which:0.0960797278257302	and:0.09500175187485603	we:0.08585129900795603	They:0.07925191496174139	men:0.06910498898154853	that:0.03616200846309813	it:0.03306529614744097	:0.01
the:0.4129810200782327	of:0.168084360465317	and:0.1153107964712601	his:0.10604227658334968	to:0.050848321622652334	their:0.04422500315101893	by:0.04130562241416356	a:0.02569045834399302	in:0.025512140870012735	:0.01
we:0.24762344069507466	I:0.17035648807066917	he:0.1574152246846507	they:0.12131206775856748	you:0.08646507753611236	We:0.07076619324482059	who:0.05194958171775103	it:0.04996177945950042	and:0.03415014683285363	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.1177148385676645	they:0.0914384776859708	that:0.08313239062920648	which:0.07694098793602959	he:0.07501873352304171	and:0.07330080551631972	I:0.05566581471392691	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
June:0.17741043185854669	No.:0.1442999229887182	July:0.11443891327493567	May:0.1112915282950738	April:0.10213497154989845	March:0.09309287224245874	lot:0.09216964093103236	Section:0.08060325852053286	.:0.07455846033880326	:0.01
State:0.1502047745531088	number:0.13938989938116322	line:0.1364283445567739	day:0.11415609529892072	state:0.10303218347600615	city:0.09706627837266145	board:0.09441026648607855	side:0.07940801912478325	county:0.07590413875050392	:0.01
and:0.167673560168984	him:0.1302595889239382	want:0.12288405280822053	able:0.11252456763525269	is:0.10177603532893538	enough:0.09848886248683617	have:0.09133909511025426	me:0.08613098450363031	necessary:0.07892325303394836	:0.01
the:0.4050174859406095	a:0.19287214050206902	and:0.10402994375221243	of:0.09361146418781789	The:0.06404476208814887	to:0.03545830884306381	A:0.033886725060714676	by:0.030582100277420404	an:0.0304970693479435	:0.01
of:0.4146280153675938	and:0.21096551114289688	<s>:0.0872734775164732	in:0.0631400514368199	is:0.052244090240224125	the:0.04613430921245016	county,:0.04502261644580354	West:0.03568501680672304	by:0.03490691183101523	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
he:0.19173337232355075	and:0.18056560780194628	it:0.17494044678573398	be:0.10717627492111123	It:0.09456337964398404	I:0.08667335105653182	one:0.05806261417844429	who:0.04935096159791791	they:0.04693399169077968	:0.01
he:0.2272316218740325	which:0.15482211483494532	it:0.13108360064179722	who:0.11098408256780556	that:0.09164792681250553	It:0.08815807821807489	He:0.07363258986895568	and:0.06618689277515644	she:0.0462530924067268	:0.01
to:0.51019035401147	and:0.1282828950940329	not:0.09665633594631404	will:0.07111855417509413	I:0.04235297550551573	would:0.041881124253081485	they:0.04038824669907218	may:0.030371790069835928	we:0.028757724245583764	:0.01
and:0.26173624961695785	as:0.15146080038609855	him:0.10005835208746312	time:0.08379809625746391	right:0.08000828131280072	up:0.07921757687050938	way:0.07866601080384641	went:0.07843938050184188	them:0.07661525216301812	:0.01
as:0.2826673162952988	and:0.21000232027539958	to:0.10267633041199561	of:0.07700073992216402	with:0.07070322524513654	for:0.06785010823536745	by:0.06608050581692056	than:0.05774046314608463	that:0.05527899065163275	:0.01
the:0.22068520728929386	and:0.21391290068337135	a:0.2069177275626424	it:0.07685689476082004	is:0.0644662667425968	It:0.05920723189066059	he:0.05497927790432802	was:0.04686558519362188	be:0.046108907972665154	:0.01
to:0.2579934679856101	will:0.25716066202686916	may:0.09940882977352528	should:0.09388003845590547	would:0.07932460153261252	shall:0.06821255860978659	can:0.04795903857246232	must:0.04774653434054357	not:0.03831426870268495	:0.01
that:0.31045312736729286	and:0.2741619673879975	but:0.09278721838768438	as:0.0809731518512709	if:0.06685178796096648	which:0.04741835803803108	If:0.04282012299873716	where:0.03994928580268348	But:0.034584980205336124	:0.01
in:0.20634189207519552	of:0.1981065996033326	to:0.123458307959821	for:0.09432613623709989	In:0.08009632235809014	by:0.07635568321455681	on:0.0744652490236086	and:0.07042944619180104	that:0.0664203633364944	:0.01
one:0.21303943994489263	out:0.1698340805609801	part:0.1472687798153334	some:0.10564771493692295	account:0.1047360670487683	any:0.0723917686949588	all:0.06334962810761698	that:0.06091520523433158	tion:0.052817315656195345	:0.01
of:0.2840363190262051	by:0.15598887611571835	and:0.14646262750256178	to:0.14371951214897538	that:0.10512059634645278	with:0.0491341012308661	which:0.043239861569187785	<s>:0.03523647884429967	for:0.027061627215733044	:0.01
the:0.6603328674788375	an:0.057820411320766735	The:0.0575737288542457	and:0.05298368177191014	a:0.041701655464289694	that:0.03648896118520544	to:0.02921828193833549	any:0.029105215714068027	this:0.024775196272341312	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
to:0.26220594866660685	of:0.17179345176258268	and:0.17157036803283213	in:0.14395524307649524	with:0.06190531237745299	from:0.050431375532227755	by:0.04455821192481506	are:0.043078631723474224	the:0.04050145690351302	:0.01
the:0.6399639905250509	of:0.08532328405587611	and:0.04993794348841005	to:0.04684855711734698	an:0.04561185676111192	tho:0.033242098638712955	The:0.031282221072104814	or:0.029013120672888318	a:0.028776927668497834	:0.01
and:0.3378657687553083	the:0.14006300572603328	to:0.1287218799093488	of:0.10785943150731914	that:0.06872072269452849	be:0.0546008505935738	in:0.0527261231555285	or:0.0525575675256857	which:0.046884650132673934	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.42690900784772706	that:0.10573107106642742	to:0.10551314825878626	in:0.10119565544975265	and:0.0745504272605984	for:0.0664967539357255	by:0.046194331889304614	with:0.032309451138744325	from:0.03110015315293374	:0.01
out:0.1471520931009819	put:0.13685625488305744	go:0.12623049682273274	went:0.118747809755819	enter:0.1142232724480244	taken:0.10085501159313691	brought:0.0825501115143349	take:0.08189633946715635	them:0.08148861041475633	:0.01
of:0.42709252092664307	on:0.12856159349495735	in:0.09837329009324533	and:0.06992426837948629	to:0.06833496806205819	by:0.06482430358120028	from:0.04626907891145915	for:0.044458879170302036	upon:0.04216109738064827	:0.01
<s>:0.5660938136885056	it.:0.08323990027496711	them.:0.06853476330640096	.:0.05918035036954978	him.:0.05396599677545661	time.:0.04340010986073159	day.:0.03991016701926948	country.:0.03894406786446523	of:0.0367308308406534	:0.01
out:0.159950435414814	one:0.1404944592656127	purpose:0.1349492477537603	means:0.10861036266495026	is:0.0925024717025902	all:0.09029691363268777	that:0.08865627513216988	use:0.08774838388220645	number:0.08679145055120853	:0.01
the:0.2674492964256619	of:0.20511700061949348	and:0.14485297190820026	a:0.10901726580538401	to:0.07826945908641957	be:0.053803876767259305	was:0.04954367835637349	is:0.042308161686394764	in:0.03963828934481334	:0.01
and:0.30132020239915897	is:0.11119746070334267	be:0.10342383628277005	served:0.08924283171230943	that:0.08794619158593868	time:0.07790541440461883	was:0.07681424830763602	or:0.07597111826904795	now:0.06617869633517741	:0.01
the:0.7605861022648828	feet:0.05103884856267501	The:0.035912872062699754	tho:0.034915728930140014	miles:0.0332318699917679	and:0.028718182077030995	said:0.019193543560615957	tbe:0.013662318198758013	of:0.012740534351429514	:0.01
and:0.26594315878444674	of:0.22933545630346117	that:0.12479247484575438	the:0.09166086683242511	by:0.06834566005062791	which:0.057820186622795464	to:0.053239634010883295	it:0.05190797760865765	in:0.04695458494094833	:0.01
the:0.4025268863206588	of:0.2872967801046908	in:0.0655806195046726	and:0.06264045163418247	to:0.05159067925241615	this:0.0342072466663573	for:0.030865940254387617	The:0.028837467716297204	our:0.02645392854633687	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.2274042971499361	the:0.20271664897545216	and:0.12808673703200713	to:0.1053491150950283	in:0.09190963150906721	be:0.0654098204832012	a:0.05828099837938107	or:0.05692500395274872	for:0.053917747423178175	:0.01
and:0.19433510573309606	bridge:0.18819252122194727	came:0.12976583652015194	up:0.09644358331385654	went:0.09129270334560786	directly:0.07996485111968163	out:0.0767132844805258	go:0.06763501286498921	way:0.06565710140014373	:0.01
to:0.3467751575045371	will:0.20942369836360963	may:0.08994092546377434	would:0.07826426574466623	should:0.07001392021380685	shall:0.06478043770533688	can:0.04904672324021315	not:0.04241219791542283	must:0.03934267384863291	:0.01
;:0.22090971489875222	nothing:0.13508905867316987	him,:0.12034140628641939	it,:0.1174467613330467	is:0.09832858975925855	time,:0.09794524362026058	,:0.07436224406698602	them,:0.06570893480216526	years,:0.059868046559941455	:0.01
the:0.31039242718107035	a:0.19643180386293724	his:0.15165135923481182	of:0.09596397032646566	and:0.06567230314506799	her:0.05354271534754611	their:0.04148669531298506	my:0.038388543114431205	this:0.036470182474684455	:0.01
It:0.3266857175597988	it:0.13195489442576572	there:0.13183790859317351	which:0.10719594067158102	that:0.10180446106339319	This:0.05410317374713002	There:0.05302876367069201	this:0.04673749446568823	That:0.03665164580277761	:0.01
and:0.3057135282981235	in:0.12938636157639732	the:0.10855623510485674	.:0.10233178697300999	of:0.0858782001653508	by:0.07752851269468367	Book:0.07747747910805224	In:0.05718672959360253	book:0.045941166485923245	:0.01
the:0.2542530716217347	a:0.15520871124301025	of:0.15043577097031371	to:0.12416771410771368	and:0.07821679229275154	in:0.07660260139688002	an:0.05545488766255273	on:0.05138208837779513	from:0.044278362327248286	:0.01
said:0.6694016695324476	such:0.07479143417509994	the:0.06352153291780785	a:0.05640644159898923	certain:0.03344552262912968	to:0.02570146789676645	his:0.02420865669342227	of:0.024062320734806398	and:0.018460953821530526	:0.01
of:0.5752343176843888	in:0.14728314967164774	to:0.07586931738189924	by:0.06094295978398383	In:0.03187140209691087	from:0.02685828138852238	that:0.02651800685039899	for:0.023111756606175194	and:0.022310808536072903	:0.01
in:0.35168738267170013	of:0.2161308246731403	In:0.18342830430030385	to:0.09495364515598143	from:0.04895899606398856	by:0.02729718036905675	and:0.024276392632415607	at:0.022801158408050377	the:0.020466115725362916	:0.01
and:0.33048183646436796	annum,:0.2062559985221253	be:0.19755858366481094	are:0.061371021965354156	sale,:0.05092062266723898	was:0.03818332005946521	is:0.03662241378721406	annum:0.036119803547777336	interest:0.03248639932164593	:0.01
the:0.34736930596873644	and:0.15763208057710154	of:0.11166840498221758	I:0.08175444363542049	a:0.0812856516024162	that:0.059471574058130014	The:0.057399646832771156	in:0.05269010156251936	to:0.04072879078068718	:0.01
the:0.5823404380432202	and:0.18598824907674033	a:0.04944237329657237	The:0.048230822114946816	tho:0.03161599363986972	or:0.03145049158009505	of:0.030632216538495845	with:0.015249036345319229	in:0.015050379364740301	:0.01
and:0.24557953753858167	as:0.12650188766855958	right:0.10063687424013512	able:0.09493796281140489	is:0.09150584345496597	necessary:0.0913638300458168	order:0.08850480089406655	him:0.08350812954573669	them:0.06746113380073271	:0.01
of:0.20513061752555828	to:0.1661903538629138	is:0.1194792631309335	in:0.10318592690905087	with:0.09770366834972315	as:0.09033271908501489	and:0.08298583734710399	was:0.06579095331112866	by:0.05920066047857301	:0.01
was:0.18313785213629435	be:0.1418222967153923	been:0.12927035551881852	are:0.11919694752418564	is:0.10516339645055613	were:0.0860525825976303	has:0.08487966421373852	and:0.07297455362214564	have:0.06750235122123864	:0.01
the:0.39679295459971375	of:0.10981907923820704	a:0.0973673091878073	and:0.08865386882001625	to:0.08441856390806124	The:0.06707654369225664	or:0.056146699542888624	his:0.04919578667170777	not:0.04052919433934127	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
miles:0.18299242298967028	and:0.18135997670380358	far:0.16581539654994035	away:0.10764235266872317	feet:0.07872910834228829	them:0.07419353254142841	was:0.06995796329265747	is:0.06628971409784934	him:0.0630195328136391	:0.01
the:0.7816565732709777	The:0.06796750638687976	tho:0.040476511949194785	of:0.024415269105656976	and:0.021586900735607335	our:0.020096738854827444	a:0.014807448218149612	tbe:0.01090447258355908	their:0.008088578895147303	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.22164806883989052	was:0.18302484420608378	is:0.14555789473781836	and:0.12825755463580168	are:0.079151406933162	at:0.06608384853473079	were:0.05904432692010732	in:0.057659350143702395	for:0.0495727050487032	:0.01
and:0.2856595858338429	that:0.12769517955602877	I:0.12244895948478993	which:0.11528337531338427	of:0.10904160428148196	the:0.08661223686854515	to:0.05285040125756709	whi:0.04679023037451192	<s>:0.0436184270298481	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
the:0.24596288955955295	and:0.16331079864438022	of:0.1497562475098918	to:0.11241360832287664	in:0.09064769647032553	his:0.060910616163415525	be:0.060673008123120625	a:0.054443630683502685	for:0.051881504522934004	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.5113625345819803	The:0.1217471234043763	of:0.11445080173130298	and:0.05148873471323966	in:0.04258876108889156	that:0.04138855392170663	tho:0.03960521690367684	a:0.03637663947080507	this:0.030991634184020702	:0.01
of:0.21661551630274298	and:0.18282749276200075	in:0.10252841729615182	to:0.08774054080476627	the:0.08670557709540762	at:0.08431420030404307	with:0.08286292252286377	an:0.07811323973328271	be:0.06829209317874091	:0.01
have:0.15354287946064382	of:0.14700029098077383	and:0.13428615641545041	to:0.11407329446873885	had:0.10478674943980648	has:0.10063103123543632	was:0.08978843296490481	is:0.07697265252455268	be:0.0689185125096929	:0.01
and:0.23519407566295011	I:0.213200999283904	he:0.16775496711697274	who:0.1261176687518322	they:0.06876040165588049	He:0.0494463887243923	we:0.049040928408473114	she:0.04324765868687344	that:0.03723691170872162	:0.01
and:0.22497612075815618	a:0.20251634832266763	the:0.19584643104993263	was:0.08702102283464538	be:0.06524053413713198	of:0.05638748369336789	is:0.0550416853609994	are:0.05403073087606878	were:0.04893964296703018	:0.01
the:0.3348584091049321	take:0.12725801750351234	an:0.1236345485440197	no:0.12163705766189238	of:0.07654459473814151	this:0.06328105856688486	and:0.05508904929845606	taking:0.04472668760865308	to:0.04297057697350803	:0.01
the:0.43371011716481706	a:0.17428303166406264	in:0.09091492830518884	an:0.07222883211279488	of:0.06566005699729634	his:0.05008832507887031	no:0.036618283943056495	The:0.035952058758772366	their:0.03054436597514108	:0.01
<s>:0.48088391711944395	it.:0.1121436800289078	.:0.08176178972258216	them.:0.07909271936245885	him.:0.06426912747150024	time.:0.04901945524130228	country.:0.048347695468140044	day.:0.03873649688219205	years.:0.03574511870347253	:0.01
the:0.30312375272321207	of:0.16166032831436067	in:0.15866673895310268	and:0.12148168771679982	a:0.07125236416583758	In:0.06611204284083301	are:0.03918844466898429	to:0.03743532869932168	The:0.03107931191754829	:0.01
the:0.7217150152013792	a:0.09452384388212125	The:0.08706793943181249	tho:0.02837732747979073	and:0.022113755162159465	of:0.011414985477730965	our:0.009956185415944886	tbe:0.00797015279881792	that:0.00686079515024317	:0.01
and:0.2004071393256778	together:0.17557421321754482	covered:0.14439131391204008	one:0.135376229537707	thence:0.08161469000631305	up:0.07837410736045335	along:0.05897206274710975	filled:0.05892930895026584	charged:0.0563609349428883	:0.01
is:0.25026591316573965	was:0.16683185557722202	the:0.13414668462429155	and:0.11246226367729859	in:0.09434357872869249	of:0.07765189325572396	are:0.05424653197024321	a:0.0502790923583583	it:0.049772186642430216	:0.01
the:0.15558068973429331	and:0.13354667717150695	be:0.12578054873716796	was:0.1184682401045136	have:0.10846874603152128	has:0.09405937577561069	been:0.09099142275373596	he:0.08322259179563286	I:0.07988170789601738	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
to:0.37100709160104733	will:0.22421944628695975	would:0.09385292792503519	shall:0.0707034404201489	may:0.06082406138375061	not:0.0580551975061408	should:0.05455278993844772	must:0.03613053958694591	can:0.020654505351523765	:0.01
the:0.2650172190384681	and:0.2551687184559734	he:0.10294119370990533	had:0.08339803820358226	He:0.06413114624129625	have:0.061650344338418435	I:0.057145962796577174	has:0.05195743257860035	who:0.048589944637178806	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.44485959926215446	of:0.146772041149834	other:0.06569482994285775	and:0.06207652572499095	this:0.05977163137283222	for:0.059244964009546944	in:0.05301789548911577	any:0.051516709784022945	that:0.04704580326464518	:0.01
the:0.8042750945001542	an:0.04636524442905468	and:0.044277019805193156	The:0.04150157303918106	tho:0.021989367106322596	of:0.012884492872431248	tbe:0.009006668030965014	in:0.005028370832580137	equal:0.004672169384117824	:0.01
that:0.2552027492246132	and:0.24739616137381143	but:0.13951823211335046	as:0.10047275784378422	which:0.07665856935201883	if:0.05195519272673162	when:0.04972913884251489	where:0.03626071909960702	But:0.03280647942356842	:0.01
one:0.24238710914605296	day:0.15809732644656702	on:0.10454606940568768	in:0.10182249184703403	person:0.08577923091694678	and:0.07666947960318439	man:0.07454306179073504	two:0.07432268691482583	year:0.07183254392896636	:0.01
the:0.6181267891922759	of:0.08954503148636385	a:0.07586674323318082	by:0.059390725898353675	The:0.03881726598622238	tho:0.03287961387085925	in:0.02966271405917556	first:0.025113247118053635	and:0.020597869155514946	:0.01
the:0.24343084569487752	and:0.16178693456557883	of:0.13887751795222011	to:0.1244772705341572	a:0.11336884681343598	be:0.05818394061425249	is:0.050746831112712124	in:0.049860590702662695	was:0.049267222010103036	:0.01
of:0.553611922852767	in:0.15131089205714193	to:0.08388992443279268	that:0.05445165621170139	by:0.031239276357067098	with:0.030932249593583674	for:0.02935099306965666	and:0.028290464742375555	In:0.026922620682914216	:0.01
the:0.6985457680982469	The:0.11278717852404056	a:0.09487830248979053	tho:0.041136634497669675	and:0.013956638600961422	tbe:0.012021790600158616	in:0.00830024332677309	Tho:0.005190745058605867	of:0.0031826988037534495	:0.01
the:0.8241362793464836	tho:0.04275225538890965	a:0.029284547419926622	The:0.028086976491787066	tbe:0.020034621411647153	his:0.019623541221581782	and:0.011729541233131599	in:0.007716929659081589	its:0.0066353078274508995	:0.01
the:0.5900094328861	a:0.2537078762193303	The:0.03589142202075733	tho:0.027859466661202027	and:0.02641929179001029	of:0.01557851072305965	any:0.014199794394801703	great:0.0134131580515271	every:0.01292104725321175	:0.01
is:0.24498216482002988	and:0.23727823228099684	not:0.09354502476421238	as:0.08400912415577742	be:0.07358003990272198	was:0.07297056871641332	it:0.07176180937950792	are:0.060924454284753446	Is:0.050948581695586755	:0.01
of:0.28772092565312846	at:0.21507033966615022	to:0.16310453205571945	in:0.07296834010279567	on:0.05642014117385209	from:0.05428644415299298	and:0.04971545423181484	that:0.047057015275150514	by:0.043656807688396	:0.01
in:0.2667975205981045	of:0.1903349139277239	the:0.1370724868354924	In:0.08106452940707667	to:0.07737797751573935	a:0.07721032090418972	for:0.06707791182284316	and:0.05818620462540257	from:0.03487813436342766	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
the:0.3101469464245839	and:0.18139257296176556	of:0.1189750832204775	in:0.09177950457907187	to:0.06476035881673946	for:0.06265243913967722	that:0.06163497939193545	or:0.05030597233991142	be-:0.04835214312583766	:0.01
the:0.2268845622791569	of:0.2150015638062236	to:0.1377257799671593	and:0.1347201214432118	in:0.06315162142555467	was:0.06272385668345443	<s>:0.05909115739238519	be:0.05264815618932333	a:0.03805318081353079	:0.01
and:0.4962986709901393	be:0.09330673655028106	who:0.08212379525181263	he:0.07422398595957579	I:0.05932728948390455	was:0.05494543406601632	an:0.045857050528970746	now:0.0440130377884064	the:0.03990399938089329	:0.01
the:0.2836710182198301	a:0.15391968445172757	of:0.1452640395830545	to:0.09913356539546138	and:0.09387059173462943	in:0.07917282831231669	at:0.061383191505494275	on:0.038061768902674376	his:0.03552331189481164	:0.01
and:0.29118840109067373	Committee:0.15772499961862088	committee:0.14800352027803662	that:0.10186152741380372	was:0.07230013965300897	or:0.06969387709234197	fronting:0.05115731775481834	land:0.04949153070598927	interest:0.048578686392706474	:0.01
of:0.3032605404235932	the:0.22836459557683947	and:0.11325280748579665	to:0.09767158272258823	in:0.06162576924757175	on:0.05364457360873898	a:0.04790272125684163	said:0.0428391839349944	<s>:0.04143822574303563	:0.01
they:0.16313044739402244	we:0.162164423628787	it:0.13124180164218927	I:0.12405205557140475	he:0.10425132319487572	you:0.09335945253362639	and:0.08202284790488955	It:0.07162517892996534	which:0.05815246920023953	:0.01
the:0.37091728658310624	of:0.14721729955355684	a:0.12585902226885934	and:0.11662575536026575	to:0.07191814176392894	The:0.04783486613453324	in:0.045002220918126244	Mr.:0.03624207869028519	tho:0.02838332872733812	:0.01
the:0.4851905311047248	of:0.12931743756623532	and:0.09011264293067395	a:0.06529327612288477	The:0.0618423366885913	to:0.05489796359727951	in:0.03832250481426256	his:0.03316110887939534	tho:0.031862198295952326	:0.01
and:0.2485600061045666	is:0.1898842864575098	was:0.12193722741635794	so:0.11570470774567317	but:0.07812694154059319	be:0.07117756030459234	has:0.0562906694755357	are:0.055564717951166666	not:0.05275388300400455	:0.01
of:0.37961474664236666	to:0.19143601322302337	and:0.09791732101610809	for:0.07593508358728857	with:0.07012789129893726	is:0.046404106709397264	in:0.04612123603867669	as:0.044655089198479034	on:0.03778851228572297	:0.01
the:0.23632566192425677	of:0.18886074844018247	and:0.12682049354783523	to:0.09524780069146993	was:0.08498950973556638	a:0.07330451419837286	be:0.06504520465050595	in:0.06462390742693405	is:0.05478215938487641	:0.01
to:0.2645080305250364	of:0.22516594992383782	with:0.12767788377715683	for:0.12198366327382763	by:0.061816849745235436	upon:0.055624021591074754	between:0.048721574588294375	among:0.04634140370229845	against:0.038160622873238244	:0.01
of:0.3659829229761595	in:0.2280389032709897	at:0.06639538409747058	for:0.06319705846436736	and:0.05959553120293723	In:0.05882962939633105	that:0.05223847161911311	to:0.05183868091497522	on:0.0438834180576562	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
be:0.22688769533433342	been:0.20553910212022836	was:0.2024998579895623	were:0.0916344658788493	are:0.08518922653995209	is:0.062302782217645535	and:0.056109917704599874	resolution:0.030208611957893722	being:0.029628340256935545	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
of:0.3989036664639626	on:0.13843942064466522	to:0.1248882469342737	in:0.09317210224440976	from:0.06773716470692583	by:0.06296905924729021	and:0.04042338979755727	at:0.032210157132134785	that:0.031256792828780675	:0.01
line:0.282423107463602	street,:0.1630742405914064	and:0.15731042633040282	difference:0.1127033790555725	of:0.06792485758073195	street:0.0564755976619534	or:0.051230437532767605	lot:0.05016204119258173	relations:0.04869591259098166	:0.01
of:0.3308442922213524	to:0.1432471988342217	in:0.131701708736979	with:0.09441568321518254	on:0.06848424163509252	and:0.061113441995290306	for:0.05843564615357509	by:0.05382836431950813	from:0.047929422888798305	:0.01
of:0.31772118733219995	to:0.11885262088322367	in:0.11078665977355591	and:0.10985818450590197	for:0.1053329430765751	with:0.07167814095321648	that:0.06764764695550644	by:0.04941457536248961	from:0.03870804115733081	:0.01
the:0.27670381416635637	of:0.21091347651095713	a:0.14673671246434578	and:0.13857871798342572	in:0.06969991699815954	that:0.059593250132544205	was:0.03202320078650375	no:0.028319271768648853	his:0.027431639189058547	:0.01
that:0.31045312736729286	and:0.2741619673879975	but:0.09278721838768438	as:0.0809731518512709	if:0.06685178796096648	which:0.04741835803803108	If:0.04282012299873716	where:0.03994928580268348	But:0.034584980205336124	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.21845282607008776	have:0.15293818072830453	had:0.1385249006341653	has:0.11696566167295801	will:0.11591186517679447	not:0.08294000235044963	would:0.07673782018820356	they:0.04651873315782657	may:0.04101001002121007	:0.01
of:0.3951899971681053	and:0.10943649827560734	to:0.09246682021329176	with:0.08129691610707518	for:0.07460310288295667	that:0.07014555999103021	by:0.06917672159919952	on:0.05358945699394935	from:0.04409492676878466	:0.01
the:0.3003239843946416	of:0.24123798292280735	to:0.10967522063229845	and:0.10241337743572466	in:0.04851293154742209	<s>:0.047867601471535626	was:0.04741818560160526	on:0.047088981773871705	for:0.04546173422009339	:0.01
men:0.2632519916353771	hundred:0.14263257076204044	up:0.09927607366382107	women:0.09835576582906656	wife:0.08888804777773114	time:0.07840596099536955	dull:0.0747571471791686	land:0.07251512080459944	quiet:0.07191732135282597	:0.01
those:0.3021147691355344	and:0.19428447445537772	man:0.15570271850557535	men:0.1377560111860551	people:0.0595123681306742	one:0.04547627513059085	all:0.04239418540424745	woman:0.028123828719088157	men,:0.02463536933285681	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.2819688105509132	that:0.2301418702249719	as:0.22505597689475598	but:0.06927514817526978	even:0.0553432991736943	or:0.03504039921417471	But:0.0347013310889262	And:0.029575321440918265	and,:0.028897843236375672	:0.01
a:0.49676378663126036	the:0.29072519978919464	large:0.08624504749113762	The:0.0297988744981803	A:0.02510721416152202	total:0.01853655904316151	great:0.015867838514017532	this:0.013616228360718472	any:0.013339251510807424	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.2176444406307874	of:0.21032817253870764	to:0.20574675201779968	and:0.10545724507911237	in:0.05828659954186711	on:0.05369867559536912	<s>:0.052758235502345235	a:0.04307083081855826	at:0.0430090482754532	:0.01
in:0.281777426137178	of:0.13250588820954903	the:0.10104945148714507	In:0.09769462432242475	with:0.08329649890818147	any:0.07875175815640699	and:0.07701979953598495	from:0.0712251079833245	for:0.06667944525980524	:0.01
the:0.5041302411947188	a:0.22707334243981173	and:0.061718979014641365	our:0.041034520108281014	The:0.03794025134355113	tho:0.035539843791346996	their:0.030872986051273848	of:0.02812695033706898	this:0.023562885719305832	:0.01
the:0.18967412161958205	and:0.16039812387112398	be:0.12426122688981939	was:0.12339453984543904	of:0.11493837137436898	to:0.08700087712254828	is:0.07482363279220873	been:0.06158286699078446	a:0.053926239494125026	:0.01
the:0.2382284484858104	and:0.20122952992515808	of:0.19304712948183925	a:0.09216272240482247	to:0.08973984001616922	I:0.050478338513428325	in:0.044774889303067195	that:0.04292983420610713	at:0.03740926766359787	:0.01
the:0.31451820869359204	and:0.1910868420930252	of:0.17214251383292817	Mr.:0.07164327786849121	to:0.06075301941766429	The:0.05689491638693517	that:0.04683646698247533	he:0.04116489764029818	his:0.0349598570845902	:0.01
and:0.21827711254745671	of:0.19319788751543396	to:0.17665008869864662	the:0.169946469789289	in:0.0644494177586194	or:0.04577135576859088	be:0.04393324812225755	a:0.04079975831705609	was:0.03697466148264986	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
the:0.8042865780425352	The:0.044534987366780875	and:0.043145104879654526	tho:0.028753673591216743	no:0.01933259306310429	much:0.014465110400096595	tbe:0.012444410989354936	their:0.011940164955305687	little:0.01109737671195122	:0.01
of:0.2967652427091595	in:0.13595345674633916	with:0.11103006989691834	and:0.08322182544764764	is:0.08186930297248517	to:0.0813404954244078	as:0.07292811701496521	by:0.07116153678195856	was:0.05572995300611862	:0.01
the:0.5896833964597671	his:0.0894341164514161	a:0.06612389639925707	of:0.053536984911135635	and:0.04347386952244888	my:0.039333879739779705	their:0.03926110076391791	tho:0.03815766936944313	its:0.03099508638283448	:0.01
Mrs.:0.2456138601721358	and:0.2182436876520097	to:0.12969398037073432	of:0.10617158313339883	Mr.:0.07001489306021458	by:0.06536874141013745	.:0.058083992613862	from:0.04981668249671962	<s>:0.046992579090787634	:0.01
the:0.2427062413794355	of:0.23068382346604135	to:0.14891884959403634	and:0.10717457225494818	a:0.07012936893180254	be:0.05464217939629745	in:0.05181740094029481	is:0.044897797978948266	not:0.03902976605819537	:0.01
that:0.27639138674865726	as:0.19660345156376907	if:0.12029913569267081	which:0.11482106002398831	and:0.0824446270839955	will:0.07101992573151715	when:0.04738790380646988	would:0.04737711747513306	should:0.03365539187379899	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.23955229910374132	the:0.17143019117835495	and:0.16748077458574515	to:0.12132346065252632	in:0.09186302095157198	for:0.05308401025106665	a:0.05031824323248294	at:0.047531864669448684	that:0.04741613537506208	:0.01
of:0.16858306853638802	large:0.15201243781380322	the:0.14283093253047235	in:0.14096017472939792	such:0.1256433907556517	and:0.11668604115135699	great:0.05487333133994632	a:0.0469674075143373	much:0.04144321562864619	:0.01
the:0.25454299256765656	his:0.23001386913168367	an:0.1657810913525171	of:0.09690251986069796	this:0.061168587948198135	my:0.06096392159037818	in:0.056749418319089646	post:0.03723307096470894	to:0.026644528265069828	:0.01
be:0.29696900877470916	a:0.1274632950071766	is:0.12467758664016568	most:0.10438875929847759	was:0.08380854225410732	and:0.07793764519966576	are:0.07308672279714272	the:0.061085572733253456	been:0.040582867295301764	:0.01
the:0.6336488110122906	tho:0.056952071074093204	this:0.052692124893109066	The:0.048889179291456024	their:0.04851044929546566	a:0.04435231984720189	his:0.040539449173984686	con-:0.03366927744181142	our:0.030746317970587574	:0.01
the:0.42484136025276587	a:0.16101559905426896	and:0.11338375123705748	of:0.09491161877102083	in:0.05427789892098572	to:0.045527590833289666	The:0.03604440787615774	his:0.03158152508761739	this:0.02841624796683637	:0.01
they:0.30451269405534076	who:0.13981902588285613	we:0.11466630036102037	which:0.09003207148821722	there:0.08992069658515053	and:0.08474351112247676	They:0.05897941752814289	you:0.05425939568675786	that:0.05306688729003748	:0.01
is:0.2929696510276424	and:0.23197872738267064	are:0.18333557418296892	but:0.05638759259698863	which:0.04875071853630713	Is:0.047149941267107066	that:0.0461462703203762	was:0.04361582233938574	not:0.03966570234655331	:0.01
of:0.5464043286264019	that:0.10720328126427325	the:0.09982086868485959	and:0.05742096430283927	by:0.04700055349696155	in:0.04428238005569599	to:0.03895472247908029	this:0.027128536351631045	for:0.02178436473825702	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.652828294237926	a:0.07100210584383668	and:0.04775107487225658	tho:0.04533836629891271	this:0.04127266533603777	or:0.03394320617293106	The:0.03341226329788786	of:0.032473624779073264	any:0.031978399161138024	:0.01
of:0.29634648945960945	in:0.2535912671793268	to:0.09768084399968902	for:0.08707264949924332	at:0.06726366503454398	In:0.06252656761074236	with:0.0477587248197764	and:0.041077172492103076	by:0.036682619904965616	:0.01
and:0.2699438602044352	have:0.14667823645116934	had:0.12067224427442018	I:0.11424294361852508	has:0.09351752713621146	he:0.09165615197563418	is:0.05375998478754374	they:0.05205870697306772	was:0.04747034457899328	:0.01
of:0.31126761380166207	in:0.16602003185823358	and:0.10722936773033456	for:0.08029882551631223	to:0.0789825060011982	with:0.07826683094717211	on:0.06147952147345762	by:0.05462737190882571	from:0.051827930762803974	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.2492713228623393	that:0.13976824003886854	for:0.11608426599134058	and:0.10875876583870428	by:0.10480242197274905	in:0.09209862025376324	to:0.07990484953499673	with:0.054030184367462236	on:0.045281329139776165	:0.01
the:0.3424569188893425	of:0.16455096508506786	and:0.1003391983493111	in:0.07793473062826332	a:0.07209510006773207	to:0.06732638938243359	at:0.06389181510543011	on:0.060317434314675476	by:0.04108744817774398	:0.01
the:0.20804366163776322	and:0.20033713566996003	of:0.1906818456933861	a:0.11734121817868008	to:0.09019664356190003	or:0.05549392619383656	are:0.04711765134528392	is:0.04245767264985082	for:0.03833024506933924	:0.01
of:0.22910150922766157	in:0.11539276438983914	as:0.11127934553323833	is:0.1093065249044014	to:0.10099004487606558	with:0.08929933663062477	by:0.08343707285879862	and:0.07635553566197055	was:0.07483786591740003	:0.01
will:0.2835517668690073	and:0.22064982458233223	can:0.08460004752658233	was:0.07699091920781323	the:0.07662303283859778	would:0.06748411976275177	it:0.06275551229282915	had:0.06011071204343698	that:0.057234064876649185	:0.01
in:0.29698142781749015	of:0.13923873891211885	to:0.1275498619184954	on:0.07858423650105612	by:0.07636623304264752	from:0.07479622285872231	with:0.07469998112509083	upon:0.06408446476734961	In:0.05769883305702926	:0.01
the:0.2637351962852026	and:0.1829556970763585	of:0.15512704992970708	to:0.09901034785229981	in:0.08891847907071722	a:0.06188432822775293	his:0.05132313193481526	said:0.04424377986600468	that:0.042801989757141876	:0.01
the:0.6128546322613306	a:0.1519259026573229	and:0.05934514658927832	The:0.05372060090989327	of:0.034540593164345205	tho:0.02807122714167393	great:0.02053886363590112	for:0.01569530157291952	or:0.013307732067335086	:0.01
and:0.4025020835898423	that:0.11434901487935653	or:0.09382167933383821	is:0.08977805492577662	was:0.06743741839939299	are:0.0657250688951116	made:0.054165967925987234	but:0.052417356001565205	be:0.04980335604912939	:0.01
the:0.37276065194570396	and:0.15872907008152423	of:0.13359177443566386	a:0.11556837769165279	The:0.058078205793782735	to:0.047379056539191146	in:0.04225734605831975	with:0.03223662927591752	Mr.:0.029398888178243977	:0.01
it:0.35505309117815476	It:0.2256851548211504	which:0.09186997500389063	he:0.07427712557156563	and:0.06860291172058657	that:0.06252393229388647	there:0.045646756155683414	who:0.03881624702318383	This:0.027524806231898347	:0.01
the:0.3393509345658744	and:0.1938622644390826	of:0.11352468692343032	to:0.08066783015141218	in:0.07597978873654088	that:0.06418575447826133	a:0.05491242401129197	for:0.03417093261661263	which:0.0333453840774937	:0.01
to:0.31469607664279836	the:0.2357686858966837	at:0.11963162170842984	of:0.08638316823615026	his:0.06793847029597351	their:0.057672875295741784	and:0.044783829607010765	no:0.034110018344238956	will:0.02901525397297267	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.22492204864950682	and:0.1653093647458327	of:0.1541673799779414	a:0.11588766530629073	to:0.09617533449098715	be:0.08543005060633602	was:0.06359817063379206	is:0.045653806272295115	as:0.03885617931701799	:0.01
<s>:0.3057208957215461	it.:0.20917540701624454	them.:0.12651652159548568	him.:0.07599168903468957	country.:0.06434666782938393	time.:0.06244852098197763	again.:0.051045098856665305	people.:0.04923150714972585	life.:0.045523691814281474	:0.01
the:0.5153584833087639	a:0.19515641187402707	The:0.07647958049317732	and:0.05498213317393441	of:0.03947559048812851	tho:0.030429981926706005	any:0.030277587874187748	some:0.026798791293430418	no:0.021041439567644524	:0.01
have:0.2285656364251628	and:0.2132749051687884	has:0.12205489970074596	had:0.107697478018006	they:0.07449856853000625	I:0.07281376138282954	who:0.0665048299648184	he:0.06198030164267276	we:0.0426096191669698	:0.01
of:0.41306531914334366	in:0.11230034167768149	at:0.0997922336764276	to:0.09021291163481802	by:0.06574358303858152	for:0.05805558947936109	from:0.051722007731512094	on:0.050272969807686724	and:0.048835043810587744	:0.01
of:0.19703641803293193	to:0.1291398043739193	as:0.10851273984514402	and:0.10743962064050128	was:0.10310859393806607	is:0.09544631470127667	in:0.09410811671846624	for:0.0862857011461551	with:0.06892269060353952	:0.01
be:0.29096325743112744	was:0.18226137975182843	been:0.10525351344943945	are:0.08889411240223717	were:0.08876216312318583	is:0.08681508059661616	he:0.05051346415595821	have:0.05040752216836445	and:0.04612950692124284	:0.01
and:0.22145487756883014	do:0.12809288106808575	was:0.10729450321691962	amended:0.10455510258209134	as:0.09375235547389674	is:0.08730191828083021	be:0.0856090667296932	not:0.08466774663763453	are:0.07727154844201842	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
to:0.45970747497101055	will:0.12488520085987609	would:0.08868852394332793	not:0.0688857214027727	I:0.06283326239706825	and:0.058810462171831286	the:0.04860987514313443	can:0.04309358941269159	they:0.03448588969828712	:0.01
men:0.22430957254120573	made:0.16122556683040046	wife:0.12580646910200213	up:0.10849681173143352	right:0.08339402737085244	in:0.08086207057160985	city:0.06952806896773538	day:0.06820242677751583	it:0.06817498610724457	:0.01
number:0.20885932208434108	out:0.1538552237397949	day:0.11035709953892572	one:0.10010785943270624	and:0.09046657955426679	tion:0.08782501890960506	part:0.08011895138308249	time:0.07953993590668677	that:0.07887000945059106	:0.01
of:0.336643296191915	in:0.1339970718354092	to:0.11553059813369625	and:0.0780370064270797	by:0.07575244067997089	on:0.07193127052449044	that:0.06548912241638975	with:0.05945475677275022	for:0.05316443701829849	:0.01
the:0.7796891465424407	The:0.056710949271402966	a:0.03685747181392837	re-:0.027750211691754522	tho:0.026181908162811383	and:0.02419657681003009	his:0.014814826859282454	this:0.012102439750531937	to:0.011696469097817477	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.3222700586422684	of:0.1974830349703252	and:0.14821900911444638	Mr.:0.0814022366829615	a:0.07018330339807602	to:0.052117954772225555	The:0.04496263648487065	.:0.03895710737577016	by:0.034404658559055994	:0.01
the:0.6713233763945994	of:0.11687539888944716	and:0.05069373171965821	tho:0.03556251707618633	their:0.027491474666081272	other:0.023777133853727865	The:0.02277870675652199	his:0.021009088951910747	in:0.020488571691867172	:0.01
the:0.29187764604094735	of:0.22178196805794081	and:0.12194274173166579	a:0.07943900673134333	to:0.0772972271610953	at:0.05837903430942658	in:0.054015147310237904	be:0.04423005804037607	his:0.041037170616966816	:0.01
<s>:0.43063525591907675	it.:0.11854566125708031	them.:0.10921027028339074	time.:0.06460887078498279	him.:0.06371445185651987	country.:0.05412369680877685	of:0.05163516766508979	day.:0.05152530101233336	.:0.04600132441274966	:0.01
w:0.7294269970801147	and:0.06966431118705396	of:0.04031370790122055	was:0.03739833530360256	is:0.03244289992895158	a:0.022479075642268184	have:0.021312074026390362	<s>:0.01935163771508187	are:0.01761096121531619	:0.01
of:0.41131993115394677	to:0.16507537509009754	for:0.12058575744493039	with:0.09264853342428962	upon:0.055646449698391734	among:0.0509220497704801	by:0.03281975384558086	from:0.032422778812532055	before:0.02855937075975093	:0.01
and:0.4244377188217532	was:0.12387562619451126	is:0.09380272758518465	are:0.07095861924964592	do:0.0702438556612075	that:0.059064041626252575	or:0.05481149555629102	were:0.04803561721859743	but:0.044770298086556456	:0.01
the:0.8538444381917847	tho:0.0296203563402771	a:0.021906966457254717	of:0.02086075187622049	this:0.01774910303101421	The:0.01511641156585042	tbe:0.012816737997790068	our:0.010127626272330782	American:0.00795760826747753	:0.01
it:0.2759112831721272	It:0.22334103878416167	which:0.11646568322484485	he:0.08030211109255415	and:0.06900141155757349	there:0.06301699365905496	what:0.056512927199599584	that:0.055730314322703194	This:0.049718236987380926	:0.01
is:0.28866929824108023	was:0.21319849168130503	and:0.19821454736731692	are:0.07998212934284049	were:0.05394409556323077	but:0.05108420313046428	Is:0.0371096910074514	He:0.036796452808111814	has:0.031001090858199003	:0.01
of:0.4115137028573472	in:0.11599421457640575	to:0.11328753375795442	that:0.08285187277295586	and:0.07134250496134908	on:0.06203233520611548	by:0.05558866573602839	from:0.04155413720502934	with:0.0358350329268144	:0.01
and:0.22680810849365046	the:0.17546645813842865	most:0.13033070869120006	a:0.11049727247093075	that:0.09614567526555387	of:0.07546124205757467	to:0.07506188875724831	in:0.05508556182751139	are:0.04514308429790181	:0.01
that:0.3807051985181764	and:0.17786599614408774	as:0.09889448872935565	if:0.07986348985997334	which:0.06770495068616865	but:0.06355012320055181	why:0.04265864364288444	when:0.04166803433434387	If:0.037089074884458124	:0.01
the:0.24596288955955295	and:0.16331079864438022	of:0.1497562475098918	to:0.11241360832287664	in:0.09064769647032553	his:0.060910616163415525	be:0.060673008123120625	a:0.054443630683502685	for:0.051881504522934004	:0.01
Harper's:0.36399924800878747	the:0.19826160198889264	of:0.11926325661172617	and:0.07149373345192962	No:0.05771031572545728	Mr.:0.05329545112052895	lying:0.05034567857872273	lot:0.041936790556208324	a:0.03369392395774676	:0.01
as:0.1826475654790194	and:0.17355041281779546	it:0.14437516796436178	up:0.12948338426235587	addition:0.08306339049922119	regard:0.07118760656949819	came:0.07103628652519017	come:0.06955397884812979	similar:0.06510220703442816	:0.01
Van:0.9457882271901167	of:0.016164118143626307	and:0.00640768782455218	the:0.005339569112066457	A:0.004421331640738851	Mr.:0.003948911778441844	author-:0.0029683247352428233	a:0.0024956380889973426	<s>:0.002466191486217588	:0.01
not:0.48672713880827767	is:0.14194347155789808	was:0.11531716010435229	and:0.05778390870455028	are:0.05691081277955486	the:0.03849975395931737	be:0.03504871590196745	were:0.03328554598104264	had:0.024483492203039213	:0.01
be:0.1902355890389136	was:0.12562089232009224	and:0.11889978908759513	have:0.09967313185876199	had:0.09623927144113119	are:0.09575482027269051	been:0.09434807975671608	were:0.08713550180534956	is:0.08209292441874956	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
be:0.19548500619553807	and:0.18892242667191153	was:0.16260434880094235	he:0.12609015405991844	been:0.06819638819597447	were:0.0657791904635536	I:0.06568111302710743	they:0.06054675471183201	have:0.0566946178732221	:0.01
in:0.17413264377532126	as:0.16694339953632564	for:0.1452545639745138	of:0.13897561023054625	is:0.08836633338225904	with:0.08442473107060688	to:0.07125266082269495	and:0.06314475183162005	such:0.0575053053761121	:0.01
one:0.272561840834379	some:0.17567181277195737	many:0.10063293298888824	all:0.09012185611021117	out:0.08848657377219274	part:0.08783075355359866	any:0.06250830842543066	most:0.05768093203675736	portion:0.0545049895065848	:0.01
is:0.1971034750333019	and:0.1964884093995318	was:0.15000181162138046	be:0.11869580849165189	are:0.10569937741681003	it:0.06528369049312624	made:0.05483007850186879	not:0.05298896162849346	were:0.04890838741383547	:0.01
in:0.3249776142317823	a:0.2664938662240866	In:0.1643214419629037	the:0.14401247718139748	this:0.037641487982222416	and:0.01968571091930121	of:0.011355571342747438	iu:0.011300782855224754	great:0.010211047300334022	:0.01
of:0.204018360741782	to:0.18966344226230436	in:0.1457901456781267	at:0.13319874283057503	on:0.07951137224046197	and:0.07838234229542813	from:0.06928683389080241	with:0.0471217761263657	that:0.04302698393415372	:0.01
it:0.3565026245617404	It:0.2240941370111716	which:0.09883733612966472	he:0.0773013089872996	there:0.059571749202078375	that:0.05915426347972616	and:0.04707199213615371	who:0.0367534449723359	what:0.030713143519829463	:0.01
it:0.18996776648825836	which:0.16693146919859034	It:0.1638838509302785	that:0.1088783226660808	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125938	and:0.047844242933137104	There:0.041206982916631135	:0.01
went:0.1794974806493376	go:0.15454708545878776	came:0.11151278596248962	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263337	down:0.08367866714280338	come:0.07744132287303515	:0.01
and:0.30763339868843964	was:0.12279075732850271	arrived:0.09882045213449979	that:0.08915553042599228	but:0.08781257213762228	is:0.07218349181149265	made:0.07133808162171153	held:0.07087840075868322	look:0.06938731509305586	:0.01
called:0.18711501726271357	and:0.1769778594175597	depend:0.09478461571071492	due:0.09303871463409803	levied:0.09099539381330117	look:0.08921603547266618	based:0.08850532416130108	made:0.08545027494106065	placed:0.08391676458658467	:0.01
of:0.29257016320474416	to:0.15414546973400411	in:0.13559278386578624	for:0.09840894187100924	and:0.07869268907348383	by:0.07537437688127123	that:0.05729199735013667	from:0.053800768884420654	with:0.04412280913514386	:0.01
is:0.33913154736346407	was:0.25103499643404587	are:0.11145783572342854	were:0.05647811921219595	Is:0.05428034038522891	as:0.046462904203387445	it:0.04561194275987133	and:0.04408321672470121	do:0.04145909719367661	:0.01
the:0.178773384293596	and:0.15905693441419114	of:0.1507009654572478	to:0.12785537177660436	be:0.1151551695765266	a:0.09109342413565304	in:0.05932541876549419	was:0.0550093693954189	is:0.05302996218526802	:0.01
a:0.2774555432017044	so:0.21211504288702066	the:0.1861532707074266	has:0.0676384910962867	have:0.06639035669621836	had:0.06140515874381506	and:0.04177845049826735	very:0.04172463968870629	not:0.03533904648055463	:0.01
the:0.3140185639798594	a:0.17677731824081225	of:0.12156818754403564	last:0.11808117933116859	this:0.07935557123629464	past:0.049515972702837516	some:0.0462872161021769	for:0.04330718354978066	his:0.041088807313034464	:0.01
and:0.24715944158911993	depend:0.10115542297585235	based:0.10085046174861782	placed:0.09929781518962862	depends:0.09865819847804204	called:0.0967281156431388	down:0.08601932662424668	made:0.08525060516232963	effect:0.07488061258902408	:0.01
of:0.29308403451912945	on:0.14618860818009188	to:0.11611169679034236	in:0.10994652543450051	at:0.07755129964115468	and:0.07053568332303523	from:0.06754088332408151	for:0.057443770618998795	by:0.05159749816866559	:0.01
the:0.31439832661691314	and:0.16380354352700813	of:0.1293805035926888	Mr.:0.09705522300957961	a:0.0872629095588825	The:0.0733244280758257	that:0.06330451842459446	.:0.03116425354641813	to:0.03030629364808946	:0.01
the:0.5360753392221824	of:0.182708107634578	The:0.06545210027388729	in:0.055503350188487226	and:0.05319262533573648	that:0.04245436147586156	tho:0.024811373014137387	from:0.017155120074642517	County,:0.012647622780487231	:0.01
be:0.2686298511892239	and:0.1590863718209664	was:0.12249391490388983	is:0.10136796725675674	been:0.097192705414905	he:0.07980755814339786	the:0.06607933215654921	are:0.05742569981373738	has:0.037916599300573846	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.0967371407604443	that:0.07632406646832235	a:0.046895937127093126	his:0.030747167493934736	Mrs.:0.026865629367826563	:0.01
to:0.42317642805409655	the:0.15716379808977174	and:0.1443224981542289	I:0.07004048090977333	will:0.05198312983814319	not:0.049931239262612	would:0.038648178370692766	a:0.028060059820580976	they:0.02667418750010046	:0.01
want:0.16944750095132705	glad:0.1465032649805999	him:0.12057422464855273	and:0.11156362631705705	wanted:0.1094280975362622	able:0.10289427384099585	me:0.0823872997396847	them:0.07437032557181102	surprised:0.07283138641370944	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
as:0.8979669176551773	so:0.028883802432012273	ns:0.012116582670001704	aa:0.011221273807017677	As:0.010578173967362856	is:0.009077766067223629	be:0.00817771880336495	and:0.006101368922114597	very:0.005876395675725095	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
set:0.14957070120708038	it:0.134253583894775	put:0.12515009322122123	came:0.12124321437096497	taken:0.11325955365524525	went:0.10276514566055586	made:0.0840131571546645	take:0.08051610656447371	picked:0.079228444271019	:0.01
be:0.33069842960742907	is:0.20548059757510523	was:0.1019146563978342	not:0.0715905111050265	it:0.06748221723921999	been:0.061958004969047444	and:0.05537483137083445	as:0.048264508482333005	are:0.04723624325317011	:0.01
the:0.27539139429129283	and:0.16128909733219177	of:0.15424185479835031	that:0.1208094739498696	in:0.10347680838897531	which:0.053767380561732116	The:0.04509934942625059	as:0.03940212961746989	Mr.:0.03652251163386742	:0.01
the:0.7581908107197257	The:0.10313352316103518	a:0.03722908690047163	tho:0.03714924656723494	his:0.016549656626435934	tbe:0.013588862178869988	this:0.012743683978141056	their:0.006277918684781198	its:0.0051372111833042165	:0.01
of:0.32743052788210025	a:0.20450332156343917	the:0.10242148768637882	to:0.0953168987797215	in:0.06677155732438857	and:0.05718882579420003	as:0.05524968640480828	on:0.04055914668539844	was:0.04055854787956496	:0.01
and:0.4484131619775725	that:0.13112399004211253	time:0.1157455120339333	but:0.09223118931800355	which:0.05036209192574055	or:0.04479602937437649	it:0.04179721578251755	day:0.033965822156142696	which,:0.031564987389600584	:0.01
was:0.17629524428378976	is:0.1705759293335799	of:0.14997077033568684	and:0.12084057685569412	an:0.10112919154466815	are:0.08365269032316998	the:0.08300790053882173	were:0.05453876820061377	in:0.049988928583975606	:0.01
time:0.14028804533363548	it:0.12729163280619432	good:0.12230232622596261	more:0.11900275665065731	prompt:0.10318476425700683	due:0.09782936180870314	him:0.09761817461846627	them:0.0944546958812519	men:0.08802824241812214	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
as:0.173436796673747	up:0.13412971342767138	come:0.11852609360688013	and:0.10381223245833751	back:0.103277566060711	came:0.1016016249346761	go:0.09825838167250896	it:0.07923533163549472	regard:0.07772225952997326	:0.01
they:0.2579566516333001	we:0.14477540302744266	who:0.12366047428963461	and:0.10122726906581149	you:0.09960683373249145	which:0.07563947020499631	They:0.06696442030957392	there:0.060313963857318395	We:0.05985551387943109	:0.01
the:0.3782414225537488	of:0.21312479191447145	to:0.12947834221937074	a:0.05197100695916896	and:0.050962147308247996	this:0.04707193278816353	for:0.04191403565623128	in:0.04106072874960888	The:0.03617559185098832	:0.01
not:0.3112277396743959	is:0.13977542341907218	the:0.13237268764256774	and:0.11550285150073793	was:0.11134968248741389	are:0.0799087160092446	were:0.051349827676706115	Is:0.025382491070083956	be:0.02313058051977762	:0.01
of:0.29550163211159614	in:0.15711172168244378	with:0.0925170250707486	is:0.082672611150358	and:0.07884291689861687	by:0.07708632365259052	was:0.07446414919488166	to:0.06599389819105696	as:0.06580972204770748	:0.01
the:0.6811919930174051	The:0.17449290414811405	tho:0.034875780309561594	of:0.03439133049334115	this:0.016691377898152455	and:0.016029834912397962	tbe:0.010935015642629997	our:0.01090647021851616	a:0.01048529335988157	:0.01
to:0.41821841533329795	not:0.3992050691912986	will:0.057557750661539044	never:0.03230591122340623	would:0.025963832464163672	and:0.019861763437291312	a:0.015086449635870166	shall:0.011989742394645779	must:0.009811065658487293	:0.01
and:0.2743619235957881	of:0.272131547690924	to:0.11168186825379463	in:0.10293400027437978	from:0.06742903673627827	all:0.06585530032171438	on:0.0372595641190317	with:0.029656447930198056	said:0.028690311077890898	:0.01
of:0.3113502320943487	and:0.17502586177204904	to:0.132348116582113	for:0.07665102539921116	in:0.07664929053386346	with:0.07453432252853211	by:0.05491892050121453	from:0.04519337487182815	at:0.043328855716839795	:0.01
<s>:0.31752992730781987	it.:0.1832038453359369	them.:0.12772951816945532	him.:0.09406300587226456	time.:0.06212476024379308	country.:0.05876911599376728	day.:0.05342911719425257	year.:0.046745515101901294	and:0.0464051947808091	:0.01
of:0.23554625159798698	the:0.23281787263922185	these:0.1354194152973972	These:0.08696984606737293	business:0.07048113133865129	young:0.06956810161613856	The:0.05675665862631059	two:0.05152826433529141	and:0.05091245848162902	:0.01
of:0.25371585808725466	for:0.1452311039138016	in:0.1427318347683715	and:0.13534122953315836	to:0.11680391004254692	that:0.06663486659826795	with:0.05339210477954224	all:0.041155434591262356	on:0.03499365768579446	:0.01
and:0.35300645440956296	that:0.2031892171245079	as:0.15692861119759352	but:0.06651879692357407	even:0.05975685123398287	And:0.042216136067045835	or:0.03780334824475082	But:0.035631161844753456	see:0.03494942295422833	:0.01
a:0.2702114819330739	the:0.14641130585204357	they:0.09709153575307722	who:0.09476295984611234	I:0.08822635558521191	not:0.08752362258740429	we:0.08549991033961882	and:0.06821039165503234	to:0.05206243644842553	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
any:0.28464968183685724	the:0.17352911552064532	and:0.16815564361045368	no:0.14429413595004878	or:0.060204812931117235	some:0.04842954775913647	all:0.045111213933498595	of:0.03290196032218285	in:0.03272388813605986	:0.01
the:0.5076628671531154	at:0.2631376156942473	At:0.05297062574332165	tho:0.034269582625248304	of:0.032324565888802774	to:0.03051223624735961	and:0.030460919276258134	The:0.02238020677281277	on:0.016281380598834133	:0.01
the:0.29877039408120276	and:0.14715698759814141	at:0.11386303162851831	a:0.10647553853932462	-:0.07228325230177517	.:0.07018788370452053	<s>:0.06314176584986114	of:0.06224247312384108	25:0.055878673172814926	:0.01
that:0.2743721578322774	and:0.22161995754774289	but:0.15796022775615445	as:0.08417686545649884	which:0.08396455812624122	But:0.04842739441172044	what:0.042465308906575815	if:0.040587508194342974	when:0.03642602176844592	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
of:0.38248027932364087	the:0.14982020863504972	to:0.13821832746875495	and:0.08208294458100915	in:0.05637631160214347	at:0.050544565805447916	from:0.048747999568522646	said:0.047917269232046304	by:0.03381209378338498	:0.01
a:0.6556143733853559	the:0.23660243551351218	his:0.029238361433062264	and:0.017078164876919346	to:0.01343750471095943	this:0.010911832994555632	The:0.010719735259224906	tho:0.009144995435000915	her:0.007252596391409519	:0.01
the:0.15700796841471687	his:0.14863705363184201	her:0.11394876708016302	of:0.10989139406951665	and:0.10460825228055176	go:0.10401564926208147	it:0.09454057031513106	at:0.08942172196187098	a:0.06792862298412618	:0.01
of:0.30953520114446864	the:0.24606157142769186	in:0.23967235175867446	a:0.06277672938472985	In:0.04121736364516167	his:0.03173003366305954	by:0.020589116210339882	with:0.01933794463619658	for:0.019079688129677624	:0.01
of:0.21691986795858173	the:0.19690770048974351	and:0.13502145604837124	to:0.09441737416444072	be:0.07577678070195322	is:0.07523403750430702	in:0.06822046581320036	a:0.06659615857451134	was:0.06090615874489076	:0.01
manner:0.3946119345675231	and:0.18749701924918538	that:0.10855654014299566	way:0.07037996389927752	time:0.05382876808607621	it:0.04775881818150396	all:0.04270273332279963	one:0.04238708288685656	part:0.04227713966378213	:0.01
the:0.2955324622823837	and:0.1646751237662727	was:0.10875192450804577	is:0.09704570218239973	a:0.09590707551853742	be:0.06856130471414444	his:0.0610545548487331	her:0.052266769414468006	of:0.04620508276501511	:0.01
it:0.16088540466263812	go:0.15583192623398787	taken:0.13847406578261967	went:0.12250072543068018	them:0.09688906142079479	set:0.0913535653580799	him:0.08275956221838289	came:0.08203638981999256	come:0.059269299072824064	:0.01
more:0.4500788600062063	less:0.16900716644448105	better:0.08289749761439143	greater:0.07115848974331247	rather:0.07103038283837584	worse:0.03862141159128229	larger:0.036206064534620795	higher:0.03591796783111622	other:0.035082159396213466	:0.01
the:0.35704948455199803	and:0.19569839124732874	of:0.17066785543405627	The:0.11172442877965488	that:0.04277900599371835	these:0.03153273173181317	a:0.028047350814569483	or:0.027399312475863052	to:0.025101438970998136	:0.01
to:0.3504444290396578	will:0.2304633529847178	would:0.15017001798483062	may:0.06048113618382543	should:0.053613581943932904	shall:0.04834312830010496	not:0.039472904970293	must:0.03745622841685202	can:0.019555220175785405	:0.01
not:0.19613302794502765	to:0.1759483837184429	and:0.12865227098656043	I:0.1053837156470568	would:0.09732069303021057	we:0.09021499739791468	will:0.08757443366454669	they:0.05680850504341877	it:0.05196397256682135	:0.01
man:0.23808246961640966	and:0.20005510063159185	those:0.1610041407179588	men:0.1282493351445859	one:0.09444537013287327	woman:0.051673575870208543	person:0.04618917831205055	people:0.03900996003617431	girl:0.03129086953814727	:0.01
the:0.43264263838218137	of:0.1315171441017247	to:0.1279320344611956	a:0.07029008468474823	in:0.06972355017876121	and:0.04346997726225372	this:0.04274986102292285	said:0.03890945037873498	his:0.032765259527477344	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.35966887416736054	a:0.2129024285283628	and:0.12293109232006635	of:0.07025856285669563	an:0.06704691182434468	to:0.04729088428700539	The:0.04198547489041681	in:0.03497561144599805	his:0.03294015967974987	:0.01
first:0.30066478157765936	third:0.24561898963287646	on:0.15094440278571666	second:0.0758285280313082	last:0.06500485064457923	and:0.04418207238372158	next:0.037358216072272764	of:0.03689255773543924	fourth:0.03350560113642661	:0.01
the:0.367719286547876	of:0.14652000236943066	and:0.13241989592960954	their:0.09344840977248739	its:0.06387851162269535	to:0.06199565689494506	his:0.05084063596678608	a:0.04422110162395921	in:0.028956499272210782	:0.01
it:0.30857517491653896	It:0.3023051486370632	which:0.1280900015273701	there:0.07299229611320082	that:0.039667165874570254	he:0.039100857287017426	what:0.03472454696834144	There:0.034079423050721126	This:0.03046538562517653	:0.01
the:0.2674492964256619	of:0.20511700061949348	and:0.14485297190820026	a:0.10901726580538401	to:0.07826945908641957	be:0.053803876767259305	was:0.04954367835637349	is:0.042308161686394764	in:0.03963828934481334	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.41293577334243825	in:0.10412961860640846	to:0.10279934491522026	for:0.08292601603823296	by:0.06356675378459836	that:0.06264880470706702	on:0.05668956990495398	and:0.053244576405605454	with:0.051059542295475394	:0.01
and:0.2291390181792206	of:0.1830607892676923	in:0.16425231642322347	that:0.09088298972410737	for:0.08638306795422163	by:0.06838251738939324	to:0.05895267635611615	with:0.054855802249511844	or:0.054090822456513546	:0.01
line:0.23184498606730658	street,:0.22304894306334946	city:0.1304748807994771	relations:0.09161543561657043	street:0.08917410950584363	and:0.06014140157727059	avenue,:0.05864675030838531	State:0.055635198966674175	war:0.049418294095122786	:0.01
the:0.25037909793207774	of:0.19469118516022443	and:0.17743138125890162	to:0.089842195453889	a:0.0737639423002129	at:0.06520101689812319	in:0.06480731870183194	or:0.038717350854700384	.:0.03516651144003897	:0.01
and:0.24562641981964994	the:0.2117694941246003	of:0.2009799373360638	to:0.09537333427167767	in:0.062336995017341086	for:0.05387779531080464	Mr.:0.04484042574765618	a:0.044801904786641616	Mrs.:0.030393693585564704	:0.01
to:0.30102863785986816	and:0.20724594162951251	of:0.11561430117577177	the:0.08949931874126583	in:0.06780950692820926	is:0.05678672479774325	I:0.05395775487226535	for:0.04939417435915029	not:0.048663639636213486	:0.01
the:0.2881817842330118	a:0.20805686993287073	that:0.18113242527409698	this:0.15596442089969767	of:0.03993199165325281	to:0.03165339483958221	same:0.02996281870987832	every:0.02849162955485059	any:0.026624664902758916	:0.01
the:0.4413000003383425	a:0.19762391297561152	to:0.16690011693933995	of:0.04771196806104024	and:0.031480219631339575	an:0.028358315570550022	tho:0.02797163378149162	this:0.02660085518356247	The:0.022052977518722035	:0.01
of:0.4026342861923267	and:0.14038177468800037	to:0.12921375856288106	the:0.11183685335859704	I:0.04559673575477123	that:0.04341294366080534	at:0.04274960084981294	<s>:0.03768965602672108	for:0.03648439090608421	:0.01
the:0.25333416144536347	of:0.16238499435315218	and:0.15794196113290299	.:0.10361609104887083	a:0.08188293651816923	to:0.07371521545685684	at:0.05810670111131096	<s>:0.052244552506152286	Mrs.:0.04677338642722108	:0.01
it:0.2785617870082724	It:0.14058657073537015	as:0.12754388100244876	which:0.12453991685388906	that:0.10374278837395833	they:0.0775235962159316	there:0.055052625199923454	and:0.042753566693321025	he:0.039695267916885144	:0.01
of:0.4034962321176427	by:0.11832915620885168	to:0.10786265701453494	that:0.09983950741507282	and:0.096560600890497	for:0.05043496299225522	with:0.04188111446382257	in:0.0415386261290338	on:0.03005714276828922	:0.01
the:0.5947400021858416	this:0.10468953625883598	The:0.07655421523179777	that:0.06812997471318916	a:0.05450960812874262	white:0.03032458541044737	tho:0.02665297851252972	This:0.017294481781131334	whole:0.017104617777484357	:0.01
that:0.36343453931478875	and:0.18572112134217209	which:0.10220835938480793	as:0.08330672832754323	but:0.07251059741816528	if:0.0630400806351979	when:0.04547118021932886	for:0.03942820959432342	to:0.03487918376367277	:0.01
the:0.2377032934091077	and:0.18442110823485502	of:0.1418913037481826	to:0.11325343159007804	was:0.07058665526700938	in:0.0694218032299526	on:0.058722084249493	be:0.05785815273272289	is:0.05614216753859875	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
and:0.15928501242391008	is:0.146739518323759	the:0.132020655339771	of:0.12988039748286667	was:0.11253954064920008	be:0.09880160784303532	to:0.07547275110854118	as:0.06942477748375672	are:0.06583573934515997	:0.01
and:0.20793200599658945	have:0.18988815884164967	had:0.1721935849967826	who:0.11242758105909957	he:0.09810629644021077	has:0.06934043972539154	en-:0.05509805572022838	which:0.0438504785012687	that:0.04116339871877937	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
and:0.46211318428234216	but:0.10980047373759429	that:0.10919259615325107	are:0.07984900761802545	as:0.06397182211379582	is:0.045301643142024915	men:0.041347175811347975	if:0.04022088859653721	is,:0.0382032085450812	:0.01
that:0.27060119700341584	when:0.2275607646854224	and:0.1292450185234094	as:0.09232140527584748	which:0.08150291029689834	but:0.05314156049852105	where:0.048467552282745	if:0.04418111006961452	When:0.04297848136412612	:0.01
;:0.38220082683781204	it,:0.12268848457064219	him,:0.11043000720942638	time,:0.08421786160170751	them,:0.07112741111991273	and:0.05992156316191074	is:0.057739513903866634	,:0.05422928253784632	me,:0.04744504905687533	:0.01
of:0.33400853097765815	the:0.16122767480468833	to:0.09165314911686852	in:0.08300217546484334	on:0.07972891608294155	a:0.07586709253209152	at:0.06588242524193909	and:0.06368742595008235	for:0.034942609828887125	:0.01
so:0.3951303158997033	well:0.18289135950249416	far:0.07851553145636678	and:0.07717096507941125	such:0.06762643991661786	much:0.058702302471361475	it:0.046889839191201245	manner:0.04294895405322766	doubt:0.040124292429616286	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
of:0.23816682122322025	in:0.21480499753709467	for:0.12144217982225576	to:0.10862937610078927	and:0.09559675654379893	with:0.08342406382523132	by:0.043653465368899684	In:0.04305086116398047	that:0.041231478414729614	:0.01
he:0.2551201520408392	it:0.1288527672382355	and:0.12677751374117283	which:0.11430383549362245	who:0.09737427734167386	that:0.0943520398413628	It:0.07306541375906984	He:0.05605309586453941	she:0.04410090467948399	:0.01
purpose:0.1509384817448906	sort:0.12567142430702702	line:0.12155256293773248	matter:0.11737093704419814	number:0.1045435749798324	out:0.10326006467270524	means:0.09090058961058374	kind:0.09053346777216749	question:0.0852288969308629	:0.01
the:0.37710515282398516	a:0.18399367072375028	to:0.134715777192989	no:0.07584799894170709	and:0.05471741543768522	be-:0.047596125931491894	will:0.04637589459530667	this:0.035197377044936536	would:0.03445058730814814	:0.01
the:0.62529977190407	an:0.11290600333803533	a:0.07278166556346	tho:0.043320692622557645	The:0.0372746319481259	and:0.036013512601894546	or:0.023957659993213126	tbe:0.019750894826230433	on:0.018695167202412995	:0.01
<s>:0.5964376085481624	.:0.08711193920501305	it.:0.07551185858136401	them.:0.049217015497795315	of:0.046567545890369544	day.:0.040310979728701436	him.:0.03513570882906043	time.:0.031191587530225193	year.:0.028515756189308523	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
it:0.1921278232971985	I:0.16353672814364642	he:0.14828097751304353	It:0.12009222869643395	we:0.11874289695586418	they:0.11459528351250944	We:0.047894328539064	and:0.04657853342455461	you:0.03815119991768531	:0.01
to:0.5502731430577686	not:0.10293422644532169	would:0.07242608323232308	and:0.07152736144442307	will:0.06809410715653895	must:0.03476626114772018	may:0.03117120025246946	can:0.030432715682567123	could:0.028374901580867844	:0.01
and:0.47837529056404693	was:0.23399022752286436	He:0.06430849215260152	were:0.06106656246483285	is:0.058135790848305675	are:0.035370550758107404	he:0.025149252688473137	be:0.01888287111017651	it:0.014720961890591666	:0.01
to:0.18201763226341572	would:0.17425541804710745	we:0.12587958209754174	I:0.122163714710879	who:0.11386206204685392	they:0.10493040039856863	not:0.05898365250371028	will:0.058207214485595925	you:0.049700323446327306	:0.01
a:0.20447071663788774	and:0.16535246916943552	of:0.15452986728542467	the:0.1441942599475319	with:0.11134963829762144	to:0.06644296950863544	as:0.056664425867269094	was:0.05379389167329838	their:0.033201761612895946	:0.01
the:0.44348300177498867	an:0.1930723147572041	The:0.07617940722752135	said:0.07611011296702362	primary:0.04444977251325656	of:0.041065375657522135	general:0.0409984221702671	this:0.0379687796366691	An:0.036672813295547335	:0.01
of:0.3845488614207434	in:0.13452875329160977	and:0.09198859828713138	to:0.08755725394482924	that:0.08543532454774043	by:0.057090956859196025	with:0.056925822976923744	for:0.049982299278721824	on:0.04194212939310428	:0.01
the:0.6100958413682225	The:0.15323144268480074	a:0.0762997162218943	of:0.06003688482397068	tho:0.034134433549245835	and:0.023956498901063137	in:0.012793613302180856	by:0.010071785567068251	A:0.009379783581553653	:0.01
have:0.32856985966971103	has:0.3186578533787705	had:0.2160977995712206	having:0.046942887026850254	not:0.030878323080646863	ever:0.015717156670063903	never:0.012403184074733105	lias:0.011257477922682252	bad:0.009475458605321513	:0.01
sum:0.21906310793492872	day:0.2139182294019255	State:0.14880446278344875	that:0.09165965444961832	and:0.07654280377738834	part:0.06723352685578132	action:0.06283072871226907	it:0.05568102673354952	<s>:0.0542664593510905	:0.01
was:0.25136635402202634	be:0.1805923239739397	were:0.1368516322759587	been:0.11397981009871701	are:0.09861556949958379	is:0.07896710966638869	and:0.054875211308118566	being:0.048894422559133996	had:0.025857566596133176	:0.01
and:0.24514080494360466	of:0.23186455546022047	to:0.11121807870007587	by:0.08868217515527338	for:0.08603229605353602	all:0.06730625607083747	that:0.06629549250139989	the:0.056478579658688244	in:0.03698176145636384	:0.01
of:0.29633572450437873	in:0.14608538748858488	to:0.1415677969515685	for:0.0941246122349261	and:0.08474980319055245	with:0.07400648853301359	on:0.05839473007661018	from:0.05014706301412718	by:0.044588394006238215	:0.01
the:0.3103279440235315	of:0.17413654868527798	and:0.16924373084989433	to:0.09410335785526062	a:0.08334285316950657	in:0.05267958019374887	be:0.03777522488732701	his:0.03486601099791866	or:0.033524749337534535	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.22867797383680968	of:0.2087631138561731	and:0.18027989253412738	a:0.08935248670618118	to:0.08739015389361746	as:0.049532749141737525	that:0.049441026379687045	is:0.04921669672675217	with:0.047345906924914465	:0.01
the:0.37796446143552404	no:0.20784014574003024	of:0.10227378187439068	much:0.09198974799105766	The:0.0498051437800253	a:0.04288949594087074	and:0.03967141932319069	any:0.039591497393711955	his:0.03797430652119874	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
was:0.2973111216044535	be:0.2666089652720102	been:0.15819637232128994	is:0.08007366219465174	were:0.06378490850123951	being:0.03583524163115397	are:0.033268216948552636	he:0.030371615186848878	had:0.024549896339799666	:0.01
and:0.2017108177298318	in:0.16894947716344358	of:0.11419134565511246	to:0.1115508360298311	that:0.09115358736396835	as:0.08317887721437348	for:0.07453412920272957	make:0.0744527539360834	on:0.07027817570462623	:0.01
be:0.31338051481205603	and:0.1591676417946082	as:0.1492716183791792	was:0.09413336587731118	he:0.08125989393266334	is:0.07249683589554483	been:0.04675036352505153	it:0.038474696023196746	have:0.03506506976038884	:0.01
day:0.4806237003724674	side:0.12434741452857734	part:0.08451279294741096	State:0.06607447305305611	Monday:0.05302308741838082	city:0.049754198078273096	line:0.04415728087525237	middle:0.04379804517465087	quarter:0.043709007551930974	:0.01
the:0.3715350808947646	of:0.1870123643645522	personal:0.12517025367398918	real:0.07267160316301532	said:0.06761021897443041	described:0.05046150097292008	and:0.048947827887989286	their:0.03454042790468278	taxable:0.032050722163655884	:0.01
<s>:0.4630827253648123	?:0.15187747847075325	it.:0.08173748821807642	of:0.06449811456363794	to:0.055771110296217986	.:0.05113451489136719	and:0.04589122648870285	them.:0.042442304626943816	-:0.03356503707948823	:0.01
of:0.3748103475415095	in:0.17764053699756233	to:0.11389997210518693	for:0.07614805358480665	on:0.07061795788223735	and:0.05514431318587547	from:0.04436984209666239	that:0.04033061328248628	by:0.03703836332367303	:0.01
of:0.18964402558292942	in:0.1763112192044053	for:0.13521550872908886	as:0.11967897963280873	and:0.09832832617005847	to:0.09059723291364327	with:0.07447944064998015	that:0.055883924627871624	is:0.04986134248921412	:0.01
of:0.3399595951006997	in:0.17661959180055423	to:0.10724906672176422	that:0.07997348955293168	by:0.06848127556269216	for:0.06428813132241201	and:0.06244671163040386	with:0.05176903545908901	In:0.03921310284945318	:0.01
in:0.29358875575322924	of:0.18281504615540048	to:0.17598981705477265	In:0.06769541460886698	and:0.06726374531785694	on:0.0616344730196996	with:0.05139195120738718	that:0.048984719938444096	for:0.04063607694434277	:0.01
and:0.24667053047778717	to:0.1987496681634553	the:0.11996574645111414	of:0.11046382737881537	that:0.07864893681528005	or:0.06394016361487674	re-:0.06261897627321195	<s>:0.058705277560517403	would:0.05023687326494171	:0.01
the:0.46594236148700946	an:0.21655787072062643	of:0.08558613435614187	a:0.062130179025273055	The:0.05239521460074089	by:0.03228894614774695	and:0.031636116132472615	tho:0.02343382300781049	An:0.020029354522178182	:0.01
that:0.3560105230962728	and:0.22300199571327378	which:0.10934991430001134	but:0.07880470411805644	as:0.06848038813693408	when:0.04570556941848771	if:0.0423891938005536	where:0.033371378384670025	what:0.03288633303174043	:0.01
his:0.27043263996832084	their:0.19294438188797805	the:0.1872516389811497	her:0.09588437738640294	my:0.09004056709884069	your:0.04916931308018874	own:0.03911742044182058	our:0.03544493213237371	of:0.02971472902292472	:0.01
and:0.1855266834317403	the:0.17928268355096624	of:0.1537079584360458	to:0.14257578856808903	be:0.09033375319685075	was:0.07646336480896145	is:0.06802686908593894	in:0.052184043745382366	for:0.04189885517602517	:0.01
as:0.4903150038903391	so:0.2110251324420227	and:0.08362757644207455	be:0.047467786625607473	was:0.045136228022727556	it:0.040877351424126955	is:0.03734757682803043	It:0.018403810571986166	As:0.01579953375308508	:0.01
made:0.2158815538468705	and:0.20077490257576494	secured:0.14753829268333635	that:0.11457813761836731	or:0.07371829904753552	ed:0.06802283869976046	accompanied:0.06002550773098258	executed:0.05699823449385169	owned:0.05246223330353073	:0.01
the:0.5791499374252409	a:0.17600985568498456	is:0.05470656478212492	of:0.05153337520443183	and:0.03980664067942657	The:0.02919921683746997	tho:0.025611852044704706	an:0.018792135045295373	are:0.0151904222963211	:0.01
of:0.40588172267798567	in:0.2308517128161083	to:0.0938481618920813	by:0.06092388541481552	and:0.044475577130075654	In:0.042878780645164406	that:0.037470626357437385	for:0.03685662543157271	from:0.03681290763475902	:0.01
able:0.1528193991762348	order:0.13652182635516222	as:0.13651696305987326	and:0.10176684278482842	have:0.10125499165205618	is:0.09873488480217843	had:0.09806518336952678	enough:0.08593801461555721	not:0.07838189418458275	:0.01
the:0.15315417542670548	of:0.1474619205254358	and:0.1434895081163942	be:0.1380101494701949	to:0.11257930602342806	was:0.10680730325663455	is:0.07750856055039425	or:0.0558112570911162	are:0.05517781953969663	:0.01
of:0.32263096040955946	in:0.17917491520159243	and:0.09809122982336861	to:0.0950646360915529	with:0.07691729424245837	for:0.0711531608324362	by:0.05063411041779492	all:0.050355177771641675	from:0.04597851520959545	:0.01
the:0.4956126678275801	a:0.33790775651192867	The:0.08050404702101632	tho:0.023487023737245902	and:0.014330739372977205	A:0.012804754230172685	of:0.010536208192629262	tbe:0.007956895767601332	this:0.006859907338848506	:0.01
of:0.39463353834650006	the:0.11259483597710998	all:0.10803344972340696	for:0.09218502546424519	in:0.08345670840010294	and:0.07532130326255841	their:0.04704207356193341	her:0.0388219330174111	his:0.03791113224673177	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
thereof,:0.14372438831378914	mortgage,:0.12751479507458588	dollars:0.12579978373888626	;:0.10723346882143683	years,:0.10673002332253108	due:0.102987140651874	hundred:0.09298856002446235	of:0.09185049187953251	States,:0.09117134817290193	:0.01
day:0.2589395411644889	city:0.14101578922606675	side:0.11457463854390026	State:0.10832150037277868	part:0.08479967963713955	line:0.08263016130252847	City:0.0747179710541618	name:0.06361684157817338	place:0.06138387712076228	:0.01
he:0.2573970358257803	and:0.1678037589242824	I:0.1467537947883405	they:0.13412232231699966	who:0.07489557787211451	He:0.06169220283116191	she:0.05396620591716062	it:0.05301517119337635	we:0.04035393033078376	:0.01
the:0.29854557202464377	and:0.1745190950987386	of:0.15775938223967384	that:0.12083926351875786	in:0.06834174670401257	The:0.04624847050183587	which:0.04414875418318484	a:0.04010688611046935	Mr.:0.039490829618683276	:0.01
and:0.24828552660720216	to:0.17643742358466666	in:0.11008615384364935	the:0.10810266710599067	of:0.09739508383146954	that:0.06690588452659539	not:0.06628098702947632	for:0.06283895985246352	I:0.053667313618486444	:0.01
the:0.5445665403319037	a:0.13334192540996662	of:0.09008615283386563	and:0.06596182529299761	in:0.047881492463791746	tho:0.03038958470016765	an:0.029976218007223783	The:0.02425828661077095	or:0.02353797434931228	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
a:0.25181696673149134	the:0.18085856845609544	to:0.15537555061537806	of:0.1377633135328837	for:0.08098724577420274	and:0.055971891246752566	in:0.05065400539940858	at:0.038813123633511394	be:0.03775933461027624	:0.01
of:0.294005732049567	to:0.12815459264983933	in:0.1225316346960198	for:0.10676425644954197	and:0.10103306267669623	on:0.0635470585940832	from:0.06264574876613284	by:0.05583843572746507	with:0.055479478390654556	:0.01
to:0.3596347110804047	and:0.13911597525826588	the:0.11470810756465394	not:0.08631146961374613	will:0.07900643358349463	of:0.06597364864097657	for:0.06110504160753492	or:0.0451927673597188	would:0.03895184529120445	:0.01
number:0.20461553777802435	deed:0.1233102292847884	city:0.11678359016678182	State:0.10179864152173317	sum:0.09938368879065264	county:0.09762969412839066	County:0.08732942095695494	line:0.07985245795239204	state:0.07929673942028191	:0.01
and:0.35300645440956296	that:0.2031892171245079	as:0.15692861119759352	but:0.06651879692357407	even:0.05975685123398287	And:0.042216136067045835	or:0.03780334824475082	But:0.035631161844753456	see:0.03494942295422833	:0.01
of:0.4379546567447862	in:0.14609068062067054	to:0.11677434146476079	and:0.05962065960052424	on:0.05445302933539153	with:0.04894217181619497	that:0.043400627669437315	by:0.042173996066899574	for:0.04058983668133492	:0.01
and:0.18929310138123437	covered:0.16935884120870554	filled:0.14496098815620134	together:0.1149389467597416	charged:0.08927804784918368	it:0.07994316895661391	up:0.07366667277508843	him:0.06832445206581947	them:0.06023578084741164	:0.01
is:0.23777168306728338	He:0.19543956081469624	he:0.13783179497207484	the:0.08359491757336118	be:0.08337184206597097	and:0.07104685423188005	of:0.07102071133240559	was:0.06869349129323708	Is:0.04122914464909072	:0.01
and:0.6562314334276595	will:0.08787740746875214	shall:0.051239253481577395	would:0.04426012059812287	And:0.035456423520000606	that:0.02987120804396301	was:0.029798318941941154	I:0.028080323189447528	but:0.02718551132853565	:0.01
the:0.3756973884481016	and:0.18017854390221322	of:0.14072497419713706	to:0.06320679828326586	a:0.0572446722344708	at:0.052673659890549486	by:0.04177535907524544	on:0.04011124851647906	or:0.03838735545253749	:0.01
a:0.23312652688705476	he:0.19063806774428804	the:0.13395281670069006	and:0.11411491638313444	He:0.07905013936204504	I:0.07170848546032342	who:0.061451171130548266	so:0.0555172717639753	be:0.050440604567940805	:0.01
make:0.24400621291741012	give:0.1732434776430636	and:0.13874148388699503	of:0.0910150207413459	as:0.0836918382656226	that:0.07093094143329609	in:0.06392282720177937	to:0.06240814088217223	for:0.06204005702831507	:0.01
and:0.27235863890763945	that:0.25885892000919664	but:0.11909203110934602	as:0.07814540203821271	if:0.06777615672579032	which:0.05973620702620084	when:0.05177791619072065	what:0.046038984117551245	But:0.036215743875342175	:0.01
of:0.4006418529755991	the:0.20579227551935692	young:0.09553531885074944	hundred:0.06322717940858653	and:0.059758577264310754	white:0.05162220314329746	two:0.0471174185816564	business:0.03503626697084898	thousand:0.031268907285594366	:0.01
of:0.39309040772908915	the:0.12406099967735493	in:0.12120146510299436	to:0.12036466672361025	and:0.06642836637280505	at:0.06257896133510146	for:0.04879124431624856	from:0.028334855695563835	In:0.025149033047232445	:0.01
of:0.3052959057703501	and:0.17587074756736695	by:0.16017609399219437	in:0.09374788474835034	to:0.08026145716577857	for:0.07795299313114262	with:0.03902234368415441	In:0.035597317470087965	or:0.02207525647057472	:0.01
as:0.19436001227001629	and:0.1409601278107517	according:0.12688257803862749	up:0.1166538996954941	them:0.09546248046552396	regard:0.08571584773899625	come:0.08276545836165355	back:0.07647325798284847	return:0.07072633763608811	:0.01
the:0.3903554486419606	of:0.1616310963649997	and:0.1448352659380403	a:0.11321343424292302	to:0.05171883420356637	or:0.03460557415015624	an:0.03438879545143723	The:0.030973454855848855	at:0.028278096151067713	:0.01
the:0.32485507413084924	an:0.2538073037889591	to:0.12688670081477788	of:0.07801040751338131	and:0.05818356501454705	a:0.04071633873437522	is:0.0385703713485776	in:0.03536030766995663	not:0.03360993098457604	:0.01
and:0.3254865396597605	recorded:0.19748242510204786	that:0.10837435777427329	was:0.08437592482878305	made:0.06642110797620882	up:0.05660911992456705	men:0.05382192126800477	feet:0.04960149040566442	held:0.047827113060690186	:0.01
to:0.4726455052520814	and:0.1751724600858118	of:0.06884146351699999	in:0.06063959409687959	will:0.0582126605197923	the:0.05312811836907345	not:0.03588306353251529	or:0.03280104463561708	would:0.03267608999122911	:0.01
the:0.6244112290070936	of:0.154532037599613	in:0.05564918317940029	The:0.03778878919477586	at:0.02986616126587394	a:0.024480545470519293	and:0.02315399300487726	by:0.020127840268295977	tho:0.019990221009550797	:0.01
they:0.2778891512690949	who:0.1902617601347004	we:0.12127021575199289	which:0.11090458489791874	and:0.06936616726947667	that:0.06241512455530697	They:0.05718324539424688	you:0.05454123086050088	We:0.046168519866761605	:0.01
with:0.2861694881921447	to:0.26192556654676824	upon:0.09340322487744374	of:0.09102870036287049	for:0.07584064928859266	on:0.05282520871386314	against:0.0522530200068407	by:0.045427673071269124	from:0.031126468940207232	:0.01
to:0.49987330354037696	a:0.17408737659802118	the:0.061536910871064776	re-:0.05636459561185387	not:0.05187804365381576	and:0.051089348590623834	will:0.040866515388985634	they:0.027412998337094947	would:0.026890907408162794	:0.01
that:0.4191864264306642	which:0.12306459701814328	if:0.10584152411724204	as:0.0800588901554097	when:0.0655064430572058	and:0.062325436114272305	where:0.05382186608530334	what:0.04122796967848988	whom:0.03896684734326954	:0.01
of:0.33414019334305783	in:0.1193163369723613	that:0.09184271625067619	for:0.08893498064177045	any:0.08657045303001525	to:0.08592384413265503	with:0.08520797874999389	by:0.058306818404313926	upon:0.03975667847515616	:0.01
last:0.28195577758727486	a:0.23540920428160295	this:0.14358239625852795	the:0.11371802113720553	past:0.07035042330362466	next:0.05768027271119998	per:0.03728854277584361	one:0.028232428938993713	every:0.021782933005726805	:0.01
and:0.3891410771730926	that:0.1838118405728944	but:0.16686986415504704	time:0.07706117271634955	But:0.06072365092951834	or:0.032347409177408616	And:0.03234518226196476	day:0.026499748898239098	ago,:0.02120005411548543	:0.01
a:0.3027099024647167	the:0.1764363621980772	some:0.16752322536972847	any:0.1565043789141983	highest:0.04216155070513369	in:0.03795713321185072	one:0.037449207958709096	each:0.035071773112317135	no:0.034186466065268734	:0.01
of:0.2755037559918844	the:0.2644572583035653	and:0.14351698276211494	to:0.07387776755551986	in:0.0660203423347073	a:0.052463887282780626	with:0.04469723033883839	for:0.035796370027855365	by:0.03366640540273372	:0.01
cut:0.22441664555381396	take:0.13081515182204392	took:0.12458024369698523	taken:0.12046521262002205	cutting:0.09283854915109215	set:0.0826010301440561	get:0.07576328990809612	put:0.07019221330515443	them:0.06832766379873613	:0.01
and:0.23528274901050533	that:0.16814935232024875	as:0.15187563187016587	when:0.14207672504630092	which:0.1256995261868089	if:0.054873573002842374	but:0.05096471871916986	where:0.03544595510784015	what:0.02563176873611792	:0.01
property:0.2425364406201879	and:0.19240218320589447	land:0.1170608712005018	premises:0.08304699380485038	be:0.0789291386532878	one:0.07490259429845744	thereunto:0.07469693011090964	as:0.06875274669327758	lands:0.05767210141263304	:0.01
his:0.20957731300477225	in:0.155167806586981	my:0.14274628060685748	the:0.1321906920333545	of:0.10759521791376131	a:0.08301223303288824	her:0.07026252597266	and:0.048452766518084216	In:0.04099516433064098	:0.01
they:0.2761693685482012	we:0.14994464697224721	there:0.11600325764707058	They:0.08746330601667836	who:0.08713678570774382	There:0.07744715847024274	you:0.06919138566794363	and:0.06789931664106189	We:0.05874477432881063	:0.01
of:0.2887230720444396	in:0.1635099374557461	to:0.15672809212503055	and:0.07680447811810345	at:0.07369645052699304	on:0.07270615263289752	from:0.05976445817311063	that:0.052089776365290885	with:0.04597758255838839	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.2644856015384603	was:0.1317983514320763	is:0.12172613037992536	be:0.09429108436977233	made:0.09199527274023644	that:0.09135462493313826	are:0.06555461463844062	it:0.06447183121502892	or:0.06432248875292151	:0.01
the:0.3568383666004523	and:0.1577832279767684	of:0.15086972339224544	a:0.09601399880610045	to:0.07713072479919085	in:0.04357060387177	was:0.03962780199327489	or:0.03430077603200068	be:0.033864776528197096	:0.01
the:0.253956142489818	of:0.16831847420956056	a:0.14660378725332943	and:0.11872591044485299	to:0.0723540476505756	his:0.0673934170190347	in:0.06641083037950722	our:0.048267233551614504	for:0.04797015700170687	:0.01
the:0.2897383324568781	of:0.17113076544121678	a:0.10182560711526899	to:0.08415539991493161	in:0.07588252600215932	any:0.07161219763621446	for:0.06930496705250555	or:0.06569006370210649	and:0.06066014067871867	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
of:0.26204450338714586	the:0.20359557435943898	and:0.17825452989323007	to:0.11792820298097988	a:0.05389841863779612	be:0.052562188211168086	in:0.04503280422114027	was:0.04044734454367649	for:0.03623643376542417	:0.01
foreclosed:0.21354426481975966	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823615	followed:0.12340081914410177	surrounded:0.0697778146110107	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817265	:0.01
or:0.23843679165869403	of:0.20570841833825385	for:0.13085386714738467	and:0.09907045578557137	in:0.08639825274810163	the:0.07074752050763945	by:0.06374861166535035	about:0.047579909973079586	to:0.04745617217592501	:0.01
the:0.5542746579641487	their:0.11631061635621931	our:0.06477768047877433	of:0.05958304688712925	and:0.046614227658576445	his:0.045365778163138366	its:0.034900269571066095	equal:0.03445077237569284	other:0.03372295054525481	:0.01
the:0.2932710440183058	and:0.18068484721742636	of:0.12914845709783632	a:0.09040207373832183	was:0.07177404033673933	be:0.06633341714530273	Mr.:0.0642269026695004	is:0.04970241125576916	The:0.044456806520798184	:0.01
number:0.13744615670223045	board:0.13666454934904543	amount:0.13336288108143649	matter:0.13199941429812975	kind:0.1132733364137178	out:0.10401616111911581	Board:0.08754216588906615	sort:0.07395214308278589	line:0.07174319206447223	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
On:0.24051301747690151	a:0.18666268943476602	on:0.12835324177321242	the:0.1271373465929021	of:0.12044105766058073	by:0.0697394796538169	in:0.05316606788839257	and:0.03426227655249058	A:0.029724822966937157	:0.01
he:0.20943113962666574	it:0.15796606894851828	It:0.12982621948424253	and:0.11922707551407714	I:0.10738949807789656	which:0.0927527069733816	He:0.0751398867324598	she:0.05090133688667786	who:0.04736606775608048	:0.01
and:0.28324643865944565	provided:0.14964481998622928	reason:0.10576884487832953	voted:0.090255743448761	demand:0.08977323622202645	time:0.07408185153277012	necessary:0.06624038652316551	used:0.06562648954341505	vote:0.06536218920585729	:0.01
and:0.2802179654686674	together:0.17581662481571086	covered:0.10720042995908446	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357521	met:0.06358405713054323	them:0.061624174380125664	but:0.05201828012722528	:0.01
well:0.42505290790780725	and:0.13017570418746321	far:0.09211967611866224	much:0.06921732218854655	such:0.06295277662371597	known:0.06039365349236185	so:0.05275662047952049	long:0.0502093210721171	is:0.0471220179298055	:0.01
the:0.4358069813679035	and:0.24191842022402427	in:0.055549911144823744	that:0.05379488216994355	this:0.04355049749401168	of:0.042958254607970855	his:0.03943901135354001	to:0.038531362677003723	a:0.038450678960778646	:0.01
to:0.3411777529553855	an:0.22544536454806663	the:0.17400360042500448	this:0.08662650223052418	will:0.05411143244443979	and:0.03592356910284094	"An:0.030528926339717447	a:0.022380605320901272	An:0.019802246633119688	:0.01
the:0.4576660153231299	a:0.15413144355211034	and:0.09355743054509938	to:0.07315179391402415	of:0.06539102744155981	The:0.05968105653358186	as:0.03509694490766686	be:0.027125927785157346	or:0.02419835999767042	:0.01
of:0.42058044830042207	and:0.10834269583710811	to:0.08668642581653047	that:0.08558672121139224	with:0.08118486055781213	in:0.055683324311476504	is:0.053241341755998595	by:0.052111487726786	all:0.04658269448247387	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
is:0.29281748170845173	was:0.15333154929211867	had:0.10642688831468507	have:0.0948657053657874	and:0.08685732481759768	be:0.07990286114988383	has:0.06655162146875997	that:0.05980238337566929	are:0.04944418450704648	:0.01
of:0.24748316730969536	to:0.1887139419327974	in:0.12474584255086431	and:0.10946274744601112	with:0.07202065715818359	on:0.0692626490382542	is:0.06280121144620869	was:0.06037227240504977	by:0.055137510712935565	:0.01
the:0.2811359505820853	said:0.16665179759093712	Supreme:0.12148621663281739	of:0.09699011225823012	Sixth:0.0865270683249352	Fourth:0.06376754108701423	Seventeenth:0.061136560812793304	First:0.06058844868885498	Tenth:0.051716304022332384	:0.01
a:0.45298386905291105	the:0.277972163154512	to:0.11034057981155987	and:0.04769249946085793	in:0.022664685208702774	or:0.021819554543958817	The:0.020379196553254483	of:0.019885202558089395	on:0.016262249656153617	:0.01
of:0.4636512981560198	in:0.13829803162957727	at:0.07931042737443221	with:0.0754131469449102	for:0.07023916570428798	the:0.04434924517068344	to:0.042611603566021596	In:0.03855035089532704	on:0.037576730558740494	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
per:0.8567170551850469	the:0.045661211717494876	and:0.02736210535965733	to:0.014036583582401332	of:0.013464824039977246	as:0.009727179294841097	by:0.00865019264922572	an:0.008030301768336832	such:0.006350546403018487	:0.01
the:0.27004892961346216	1st:0.15109863150680777	first:0.12513779671039005	a:0.10378703560438178	25th:0.08044042951759475	7th:0.06850863141428767	10th:0.0652308917143553	12th:0.06469097803790061	21st:0.06105667588081993	:0.01
the:0.18339688078573316	called:0.17018930624676445	their:0.129945117065141	his:0.10779339542419646	call:0.09777522118982959	much:0.08037675573374806	more:0.07998137415066779	no:0.07369743816546569	and:0.0668445112384538	:0.01
the:0.47503906999739653	The:0.1520506149353811	that:0.10341399458071726	and:0.09601173366192145	of:0.049218702769371445	tho:0.04145785474756128	this:0.03394189916929494	if:0.020413847241315536	these:0.018452282897040526	:0.01
the:0.3315551549155621	of:0.1620160228738577	and:0.15161499195062692	a:0.12218425025970872	to:0.09146387073999558	in:0.04777260836534461	their:0.030659313650427133	his:0.02708608604414602	for:0.025647701200331222	:0.01
the:0.23902113051807497	of:0.17161930811364157	and:0.17048986578540204	a:0.11739811201043993	to:0.08606435629581513	be:0.0650953131635733	was:0.05762626390684623	is:0.04231754636491667	in:0.04036810384129018	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
of:0.19772967641121048	as:0.1623673418679956	is:0.11714445471395858	and:0.09677175778520736	that:0.0943754287296158	was:0.08357915383269263	by:0.08031186848504734	for:0.07886594540065145	to:0.07885437277362076	:0.01
the:0.29348734035947927	and:0.21800905869438575	of:0.15798693257990812	The:0.07098336672023307	that:0.06016316734182636	these:0.05256309489874121	These:0.04957857554119429	in:0.047710532982857816	such:0.039517930881374175	:0.01
of:0.2786121014537842	to:0.19127150595179832	in:0.16881611353328047	with:0.06730766783298063	and:0.06283155639407993	from:0.06117019517930914	by:0.06000195309493053	on:0.05374121545993158	In:0.04624769109990516	:0.01
to:0.2636052423822396	in:0.19297924588514312	of:0.18281785915931165	at:0.07096159630674775	from:0.06533127148643543	and:0.06252851824515251	for:0.0545820273577128	by:0.05267974529113902	with:0.044514493886118084	:0.01
the:0.47710520269795287	of:0.1539599171919487	a:0.08062904420760401	in:0.0785993685737004	that:0.05103302557839802	to:0.039703257360410506	tho:0.03877641296965832	The:0.035286894483450404	and:0.0349068769368768	:0.01
beginning,:0.4781501721411405	and:0.19913195713414136	beginning;:0.06468125615498733	as:0.04564608133456971	that:0.044859746763783036	ginning,:0.04258402972720732	lot:0.04214062921487202	one:0.04131660825620798	ning,:0.03148951927309076	:0.01
he:0.36288949378748275	I:0.2244906846498001	they:0.07980605785195898	she:0.07980180130185753	we:0.055596611446020384	that:0.051041446932484566	one:0.051005194517013845	who:0.048991986382076275	and:0.03637672313130562	:0.01
of:0.21442126305637302	to:0.20119406879025925	in:0.13730482285161658	know:0.09737868554160443	for:0.08160895983829654	and:0.07793188552365657	from:0.06248641697206011	with:0.05980633039840174	is:0.057867567027731666	:0.01
of:0.4372552267028932	that:0.11478956344119344	to:0.10249613576499077	and:0.08388824994467832	by:0.0742035664326956	in:0.062089329059211336	as:0.04083585021977792	with:0.039906048380000454	for:0.03453603005455914	:0.01
the:0.563928614948719	an:0.18062880401504466	The:0.10029305416345587	tho:0.03530236346825236	An:0.03381885176880536	of:0.028375655839573556	a:0.016541392974855337	and:0.015698979897856683	that:0.015412282923437028	:0.01
that:0.3304862410362213	as:0.15698660678789275	and:0.11441601867071532	when:0.11081834389453431	which:0.10583504605176514	but:0.05546177210460395	if:0.05210807211024127	where:0.03447830077967794	said:0.029409598564348122	:0.01
it:0.3496907191817825	It:0.27499878196408284	he:0.07633674358843637	that:0.07578438369820449	which:0.06482561095254548	This:0.04409162802021033	there:0.03735663292471658	this:0.034415077463820935	what:0.03250042220620052	:0.01
he:0.3355594050636734	He:0.1580707189832157	who:0.1415555554458712	and:0.09228764836176435	I:0.06814785202368558	she:0.061794794464488045	be:0.05074784226792952	it:0.048513085287981206	was:0.03332309810139104	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
belonging:0.20769430499304795	person:0.1421659265467577	one:0.14200847236262545	and:0.0972154332520762	more:0.09681422103998628	on:0.08560690924408772	two:0.08022200869605528	States,:0.06917615344162241	man:0.06909657042374098	:0.01
<s>:0.2757838294537493	and:0.26406842814044035	that:0.10832212960927687	but:0.06870905919513332	a:0.06609265190877468	or:0.06056871866645435	made:0.05072712218089184	was:0.048770866482111264	not:0.04695719436316809	:0.01
to:0.29875961360819053	the:0.23937957208494454	of:0.15265190213869356	in:0.0900099699753534	a:0.07695029702451096	and:0.04817754612957047	from:0.03237521937198004	his:0.03178106870827205	at:0.019914810958484498	:0.01
the:0.5515931976749336	this:0.15835528550804473	a:0.07135348543538311	our:0.052636198805609324	tho:0.03863276679838282	of:0.03464832822548245	his:0.03340282548827112	The:0.030488781269689767	whole:0.01888913079420306	:0.01
the:0.26008963325081247	to:0.1510271650502291	and:0.13794930828343374	of:0.10931438730792993	a:0.10200655896335122	in:0.09281048347406343	that:0.054950120990788755	for:0.04984162508689479	at:0.03201071759249652	:0.01
number:0.23648665961454457	line:0.1311807165602487	State:0.12480063051786539	state:0.11908759699876631	place:0.08366809471357468	board:0.08300842007512627	City:0.07345339358096503	matter:0.07106411116426735	people:0.06725037677464159	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
nothing:0.16284059837738796	able:0.14142839065068322	and:0.1299474156007064	right:0.0991958313693117	order:0.09733470572985022	enough:0.09100525580828449	time:0.09081226610786572	want:0.09036079061227624	going:0.08707474574363402	:0.01
the:0.30066537045736186	of:0.18083337303704702	and:0.14849071523579158	to:0.13697527746982274	for:0.05023447445190032	in:0.049590724586391306	be:0.04591187306033971	is:0.04039018647411833	was:0.03690800522722708	:0.01
of:0.34176851604501607	on:0.13164995514852088	in:0.12807298106263787	to:0.10676424005946084	and:0.0699512193473053	for:0.05522237082809126	with:0.05478252619747601	by:0.052163376010243366	from:0.049624815301248376	:0.01
the:0.25819723229135083	most:0.20769650660467653	a:0.20116525383378067	and:0.0737938152284095	very:0.07308669266958333	of:0.07013581688913896	any:0.03690703065203507	no:0.03646253291394913	all:0.032555118917076124	:0.01
the:0.2971497220479125	of:0.2499086220516038	and:0.08175183271197076	are:0.07198295743974013	in:0.06748539588793327	no:0.060685460854158206	was:0.05767079472887675	is:0.05183114318408327	be:0.051534071093721164	:0.01
made:0.19218639471057558	and:0.13592849936119003	owned:0.1353002536635849	accompanied:0.13320102092778655	assisted:0.09576175113971226	occupied:0.09115494321665155	delivered:0.07645568577645154	ed:0.06539457926586825	followed:0.06461687193817929	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
to:0.2531863153210874	the:0.13631733715393185	and:0.12064131209801963	of:0.10677124039768943	in:0.09516946349408716	will:0.08234100371972237	at:0.07775828576148235	I:0.07063300435602994	could:0.047182037697949965	:0.01
the:0.3066676449630029	of:0.19582366675647814	a:0.13023763620644474	and:0.10457295181519655	Mr.:0.06908371857246665	The:0.05892166365278862	to:0.04916383443051618	in:0.04152884551073372	by:0.03400003809237247	:0.01
of:0.25296756508842694	to:0.2154020023337419	in:0.14937112723645737	and:0.08007959789935276	with:0.06727550951784922	for:0.06063935223675631	at:0.0578196829521757	reserves:0.056755137889726436	have:0.04969002484551347	:0.01
as:0.20017946776925305	and:0.1465964758612171	up:0.11880107945608467	came:0.10593296243996118	it:0.08936668582370258	him:0.08459818621002786	went:0.08292001111366028	come:0.08227831521441929	according:0.07932681611167393	:0.01
in:0.36896934783888513	of:0.22952866930735719	to:0.11340860623582673	on:0.10064210905456135	In:0.06822828767714405	with:0.029243667062257724	from:0.02865929809606153	and:0.027909543637817506	at:0.023410471090088744	:0.01
was:0.2136791677788751	be:0.16368610066548808	is:0.16026619650805748	as:0.14982200974329177	been:0.08141301773106657	has:0.06806790914650071	have:0.05765204117352954	are:0.04928982823909203	and:0.04612372901409871	:0.01
and:0.1741589404188483	is:0.14534956727792855	able:0.12881017400110667	order:0.1128804086083704	was:0.10890594312667938	not:0.08581072913819393	him:0.0833300056680421	have:0.07664506518679666	time:0.07410916657403406	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
and:0.24988029765591402	of:0.21023299583167296	to:0.14304553553927743	the:0.11256724445962307	as:0.07157078067032756	that:0.06807392180832203	or:0.05182165017803823	a:0.043409769293866425	not:0.03939780456295826	:0.01
and:0.30362277988779446	was:0.10443100958480304	up:0.09715571922917665	out:0.09468709812847725	made:0.08900379926392116	that:0.0795124254797183	down:0.07557588691274114	placed:0.07548433192838158	work:0.0705269495849865	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558527	for:0.09174081455919122	a:0.06366595919272895	to:0.061841865908333744	In:0.05733705309984939	was:0.03321233541124056	:0.01
of:0.2775823654949323	in:0.14015884515621155	with:0.121582681636841	is:0.09897663119884043	to:0.08864696712774395	and:0.07963801328291438	for:0.07606510035879992	was:0.059050824946662	by:0.048298570797054324	:0.01
N.:0.6364315780961928	.:0.11988671412389333	X.:0.09389688865770146	S.:0.038139637740128636	N:0.023864011187507167	A.:0.021437866157920347	C.:0.020380694639313197	No.:0.017997774690236508	W.:0.017964834707106518	:0.01
the:0.411544664777382	a:0.38865912619881465	and:0.04376625009970299	this:0.03323597602876194	A:0.02996737775626723	tho:0.029711306177873834	The:0.021336809828021254	in:0.017826261148724286	every:0.013952227984451707	:0.01
and:0.25814520899648236	that:0.24924445574201096	to:0.17685128642373785	which:0.09644709193160464	as:0.08282566294920526	when:0.034228896993690264	will:0.03154677788172157	shall:0.031397819148350464	not:0.029312799933196708	:0.01
and:0.17088875819441882	made:0.14700725502613016	up:0.14037496326714635	secured:0.1032245946741212	out:0.10290304256707901	taken:0.09703783258711497	ed:0.08520391730418442	him:0.07433795841065471	done:0.06902167796915025	:0.01
that:0.253912747637827	as:0.13263856180461625	and:0.13209048684993685	have:0.09729987938739554	make:0.0855157028072956	had:0.08273684852049584	of:0.07277582375136488	if:0.06690329611316073	but:0.06612665312790747	:0.01
he:0.2328485116866022	and:0.1795521916228406	I:0.17893949473785903	they:0.09048888839913775	who:0.08861141700429304	we:0.06186432093323752	then:0.05339987084659183	He:0.053276241146742176	she:0.05101906362269573	:0.01
one:0.22586711108771074	all:0.20318924817112793	copy:0.13585339809724553	some:0.08000904611832456	out:0.07379004803716031	those:0.07122279865131625	means:0.06962753566551794	purpose:0.06649818257859248	part:0.06394263159300428	:0.01
and:0.27896776847231236	him:0.165339413698242	was:0.11226980831190811	man:0.096438896839694	it:0.09281578859421534	up:0.06562583647316447	that:0.0651909040662511	found:0.05717470234619706	made:0.05617688119801571	:0.01
the:0.5782194696927784	a:0.11953438173681498	and:0.08997416058282896	The:0.07908708096781146	tho:0.04823648257411195	or:0.026156310661827442	tbe:0.022100112718808962	of:0.01558809171205417	great:0.011103909352963647	:0.01
of:0.3440758322405954	and:0.1437842366312491	the:0.12330380735401655	in:0.08854212269378309	for:0.07704225397330466	any:0.06554117203322539	that:0.04990718140826256	by:0.049122200648489336	only:0.04868119301707385	:0.01
the:0.37796446143552404	no:0.20784014574003024	of:0.10227378187439068	much:0.09198974799105766	The:0.0498051437800253	a:0.04288949594087074	and:0.03967141932319069	any:0.039591497393711955	his:0.03797430652119874	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
city:0.16093934271057833	hundred:0.11917056142860442	feet:0.11361709800796171	one:0.11060594968342725	north:0.10485531519985455	county:0.10411465850431614	street:0.09278165736677312	State:0.0923067450836917	life:0.09160867201479285	:0.01
I:0.18488540010204588	he:0.17825269343293498	and:0.12734523807088158	be:0.12454163496715553	they:0.12143513789941708	was:0.07905893572419262	we:0.07295614095965795	are:0.05156209623981795	been:0.04996272260389631	:0.01
and:0.25178537144280083	they:0.14565940842788472	he:0.10808182896187964	is:0.09704855846418929	I:0.08926338901534046	who:0.08834476880006675	it:0.07705688503179851	not:0.06640190292078746	we:0.0663578869352524	:0.01
and:0.4791719696418293	<s>:0.09898774175203062	to:0.06892662707557698	be:0.06809544353831579	is:0.06213920418383557	that:0.06202953063069964	was:0.056767046129121014	it:0.0506679580047174	w:0.04321447904387393	:0.01
two:0.17994419860228125	many:0.1705065872054244	few:0.12480978746484059	ten:0.12187859658498462	five:0.09549805645088333	four:0.08149265333958569	three:0.07761126458173406	twenty:0.07179643084604058	several:0.06646242492422545	:0.01
the:0.21311250376594582	and:0.19447734809018727	to:0.1296949352992117	of:0.12445818204085289	a:0.08139865387860673	in:0.07422496431199667	in-:0.06220976952442661	or:0.05685927293694106	that:0.05356437015183128	:0.01
of:0.35291787368461625	and:0.09984074831851501	to:0.09787799335845729	for:0.09681680070397782	that:0.07855080021312927	in:0.071732201772522	with:0.06910339472724666	by:0.06281338799189609	is:0.0603467992296396	:0.01
the:0.3323475914517543	of:0.30429733953970206	his:0.05912057999500091	to:0.05787339399165412	in:0.05315061670519715	their:0.05271140435322497	good:0.050581384808583985	public:0.04169566223407192	perfect:0.03822202692081057	:0.01
.:0.3952954089603582	A.:0.14857546814715905	Mrs.:0.10290805118970353	C.:0.08261698272798651	Mr.:0.0632529955718212	Dr.:0.06040485743258185	D.:0.05191734866121546	J.:0.044384326883968137	<s>:0.04064456042520616	:0.01
to:0.2669166054286926	with:0.16671694439109064	for:0.11767546129832622	by:0.09134730995801488	of:0.08626034127241412	put:0.07764838260991902	upon:0.07678577776718892	told:0.05642095745391913	against:0.05022821982043434	:0.01
the:0.31792663521919434	of:0.17506046491113697	to:0.12583480506969338	and:0.12199733525924691	a:0.08729262353340488	in:0.04675411132104588	by:0.040751584498891526	at:0.03865409002414229	<s>:0.03572835016324379	:0.01
and:0.19470683918027268	of:0.1731041269459971	to:0.160408576560573	in:0.1478120667032305	with:0.1257407214534699	that:0.0585586440458936	for:0.04821181544838397	at:0.04094643358145267	was:0.04051077608072651	:0.01
of:0.2883685231235046	for:0.13359332085180556	in:0.1252314787843678	to:0.12428481169737998	and:0.0893310230509067	with:0.06254291598945566	that:0.0584721443251868	by:0.0545384010191208	on:0.053637381158272	:0.01
Mrs.:0.28319051470211515	Mr.:0.16720386666468653	.:0.13198444195491385	of:0.08303040923309947	and:0.0774247439771816	Dr.:0.06806468183388943	J.:0.06355520531225949	W.:0.058509916460002274	by:0.05703621986185224	:0.01
is:0.15815605252856477	not:0.1363917065468885	him:0.11473048965034836	and:0.11043199672733288	have:0.10442744600890992	was:0.09836749216631559	able:0.09793311488154023	had:0.08932860525411224	want:0.08023309623598757	:0.01
<s>:0.35445398937632255	sale.:0.21138329773668577	.:0.08151426996299775	wit::0.07664034499816216	to-wit::0.06693157231848634	follows::0.06493671080835377	it.:0.05379988673569693	them.:0.04506489187185078	day.:0.035275036191444	:0.01
of:0.30532078956951414	on:0.28189765144334544	during:0.0757031913507091	in:0.07429764001210673	for:0.05959364414467271	and:0.056104952194473076	to:0.05108084483782146	that:0.046111646397146336	On:0.03988964005021084	:0.01
of:0.20509868068331527	the:0.18992360083848198	and:0.1627077320911976	to:0.11166884988859471	be:0.0979632635341338	in:0.06540848799261574	or:0.058966420912407294	for:0.05013839373631626	re-:0.048124570322937356	:0.01
they:0.17575189562716811	we:0.15884948974267682	he:0.15316210749662412	I:0.14793626125930318	it:0.10583886363524375	that:0.06699093900055623	you:0.0645982230351958	which:0.06241058168563478	and:0.054461638517597194	:0.01
and:0.33588990512315525	so:0.1278726139938375	fact:0.11537720847939432	say:0.07932676977727737	said:0.0769132033296819	know:0.07286255230245701	is:0.06380559007158074	believe:0.06086605721333128	but:0.05708609970928473	:0.01
of:0.319044490198792	and:0.15877011356864146	containing:0.1361041674055903	the:0.11938040454719656	about:0.07654648663511868	to:0.05867652200684199	or:0.05395371732901289	for:0.03498102649065942	in:0.03254307181814675	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.15833238262337954	has:0.1404274949181407	of:0.11546190106428911	which:0.11463858861398656	the:0.11226344523761252	have:0.10406134987920747	had:0.08585526397367636	to:0.0850805505630115	as:0.07387902312669617	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
a:0.2004064096902594	the:0.18616788662135414	and:0.1606130226053576	of:0.11901147833374255	to:0.0980792068783605	for:0.0869109627268444	in:0.055912131469975666	that:0.04495530475569125	at:0.03794359691841459	:0.01
the:0.26965551931944126	of:0.18478734909497338	and:0.14365687967447013	to:0.12301048714938255	a:0.11530737983073551	in:0.043688419265045	at:0.037280556168710635	for:0.03705640949743606	was:0.035556999999805515	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
able:0.18442923369550152	began:0.140137642346855	unable:0.11754704276676298	right:0.11527206031166053	is:0.1053086554519347	enough:0.08807816888432578	ready:0.08510914824413843	him:0.07844515463315656	have:0.07567289366566453	:0.01
of:0.28796442016412743	in:0.1822501837667917	to:0.14465490673352013	and:0.07612991969717088	that:0.0757637830064932	on:0.06248338075993175	by:0.05942231069700584	from:0.05388949898997307	with:0.04744159618498594	:0.01
of:0.2885030879880846	in:0.21135312666010636	and:0.11948547568712423	to:0.10680050332513898	for:0.08141627784476049	In:0.04645747217972727	on:0.04586313522522812	by:0.04558989296096817	with:0.04453102812886186	:0.01
the:0.40616166535188986	of:0.1791006035663656	and:0.10473871257375741	a:0.08596787193162952	in:0.06319243226583311	to:0.05529793398836866	The:0.04351212784263267	on:0.027088012227414675	at:0.024940640252108348	:0.01
of:0.1838854722553984	for:0.1747900250313682	in:0.1492167762039951	to:0.12989945770140443	and:0.12043881581460637	is:0.07539979997152972	with:0.0718027827897422	In:0.04760259114571394	at:0.03696427908624162	:0.01
to:0.23629461817924527	and:0.18753105619068478	the:0.1543887197649772	at:0.13801336702152245	of:0.07075622034338198	in:0.0690516683783136	from:0.046867064544134036	for:0.045168797546206896	his:0.04192848803153367	:0.01
the:0.31121763957736104	and:0.18498016301139975	a:0.11179095214428919	be:0.09608309070563406	was:0.07575901168130421	in:0.06600745860333793	of:0.058529147143613056	to:0.0465764855755439	been:0.03905605155751692	:0.01
the:0.5861148500479583	The:0.13589880568920537	and:0.08999227917400261	a:0.05948272397324941	tho:0.042091103380494266	.:0.02275979080602982	of:0.020847819730666683	tbe:0.016644920136321455	at:0.016167707062072028	:0.01
and:0.3602584648498354	it:0.2217704791134054	he:0.08652793247820484	It:0.08165779918454118	of:0.0727334455758029	we:0.04460285358118742	who:0.04189252487179352	land:0.041151152115997965	they:0.0394053482292315	:0.01
No.:0.3059977390969229	and:0.1786840951574386	at:0.10721168837049301	.:0.10329431779622758	to:0.0631264593838829	that:0.06279779794788402	<s>:0.05917937665962225	as:0.056223393210524775	an:0.05348513237700403	:0.01
<s>:0.4779706390248056	it.:0.1039579405261282	them.:0.0882874270574096	him.:0.08399957836591689	.:0.06603087989670792	time.:0.05045601400247573	day.:0.04727606173255104	work.:0.03813001083838494	city.:0.03389144855562004	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.16078581547426396	is:0.13942725603607228	enough:0.11697012593100911	able:0.1150430460101649	have:0.0969552173048442	ought:0.09310128325190978	as:0.09223816509772217	them:0.09144241327618167	him:0.08403667761783173	:0.01
a:0.4535727728827626	the:0.23326570936052868	most:0.09041668743766305	The:0.04798015851662479	of:0.04519719742298165	and:0.0431452119992471	very:0.04262426410612492	A:0.01878397374410042	is:0.01501402452996669	:0.01
about:0.22688519070237018	and:0.19973899844327136	the:0.19488151891009253	or:0.12545542975519514	of:0.07353786046309947	was:0.05608989962055068	were:0.03928072875685402	than:0.038694572013280464	are:0.035435801335286184	:0.01
the:0.4969320675557941	of:0.20468423918674822	a:0.09034244786968561	The:0.05204405641638105	tho:0.04268276599256983	with:0.030913227243202786	and:0.028389839255237942	hot:0.026222302499679495	low:0.017789053980700967	:0.01
the:0.21664399733907885	of:0.20997943568181873	to:0.15895125876304586	and:0.1392917065887313	in:0.08708823154679186	for:0.04755804251050121	by:0.04642258817999393	at:0.04258433070815616	that:0.04148040868188219	:0.01
of:0.3230411864570994	that:0.1607623449135805	and:0.15178476520262557	in:0.11690379173889899	for:0.06736290080928728	to:0.04511611785207637	one:0.04326252123824249	from:0.04129343555631927	by:0.04047293623187005	:0.01
and:0.24886995863739864	the:0.13026498135797135	be:0.11986027161540871	was:0.10043939916628876	of:0.10013463545315852	a:0.08782221127761707	is:0.07520569964714378	to:0.07296935356461728	are:0.05443348928039593	:0.01
to:0.1860131078114218	the:0.17914122823715525	and:0.16550584980897967	of:0.1636700094307909	be:0.08356356753413034	in:0.07488615547597499	is:0.04815772800281257	or:0.04552403779072549	are:0.04353831590800901	:0.01
the:0.4738769504033313	at:0.18459422496116612	of:0.10543908628318706	here:0.04500252662343211	The:0.040990282296739435	At:0.039861862895134034	and:0.034751208519220256	tho:0.03275906019665256	day:0.032724797821137325	:0.01
one:0.2225826727298726	some:0.15784843831345308	all:0.12025351413685531	many:0.1158027129783653	out:0.09140630375448652	most:0.07901501633588326	none:0.07828699270387977	any:0.062483830252390044	part:0.0623205187948142	:0.01
hundred:0.30501886436935205	due:0.10777136943695781	time:0.09769411436063279	him:0.09449379713213328	up:0.09292755160885652	more:0.077052062807821	one:0.07622921793589142	life:0.0710035254983758	it:0.06780949684997935	:0.01
a:0.299746172373006	the:0.2236938412685546	of:0.10248187238278401	and:0.09034856027250394	that:0.07302798786408153	in:0.0663575472043568	this:0.05432810821026657	The:0.04697779275963977	their:0.03303811766480681	:0.01
and:0.16937662300486955	one:0.13448962086505986	corner:0.12569696441190226	city:0.12069951008564053	day:0.10321758910660188	line:0.0977290014126033	part:0.09191740855326323	that:0.07715778597671656	daughter:0.0697154965833429	:0.01
is:0.16657716644027049	in:0.16461466929561597	was:0.14693680550009694	of:0.12878115437537407	with:0.09952982689200424	to:0.0990624477724549	and:0.06455312747624052	be:0.06427022421724772	for:0.05567457803069508	:0.01
of:0.18304467022818127	the:0.14916457371048816	and:0.13796146270482554	a:0.137186259092906	to:0.11886976573858546	for:0.0980654137044687	in:0.07758614974744962	with:0.04540242177127503	that:0.04271928330182016	:0.01
the:0.44372722328772407	of:0.1405330032920139	and:0.1056443516697839	a:0.08514211404593083	to:0.06196566048855819	The:0.047586973508372904	tho:0.03903283313837565	with:0.034660231027529534	in:0.03170760954171081	:0.01
the:0.6824988292189748	a:0.08731086360546862	white:0.0740611243034757	and:0.03703144556913638	tho:0.031045950317042718	this:0.02509274418220906	of:0.02096300454923883	The:0.016266340254519337	his:0.015729697999934643	:0.01
of:0.23995574479032425	the:0.2250765903934719	and:0.11870816875969581	in:0.09976927376184974	a:0.0994622387657473	for:0.06242781742874918	by:0.058614611667933234	to:0.050728739274262274	with:0.03525681515796628	:0.01
the:0.25653872101605124	in:0.19178655543968337	of:0.18930380462195925	this:0.09219719268040216	his:0.06177192542116273	that:0.06067627036380599	to:0.05980293433953885	their:0.04118470140305056	same:0.036737894714345826	:0.01
of:0.26420369311553665	is:0.1285659289787553	with:0.10764442822461981	to:0.08896532091741485	as:0.08865761065839581	in:0.08777219566649862	and:0.08533708840231793	by:0.07748846510295217	for:0.06136526893350886	:0.01
a:0.4179030647438561	is:0.11231466213116915	was:0.1082434623509571	the:0.09464574285457196	are:0.08193441717638801	be:0.07048623468844621	were:0.039905918975028	not:0.03249871978042105	been:0.032067777299162444	:0.01
to:0.29679762706940643	I:0.2729394285930203	not:0.12420784559135889	you:0.07906515227372445	we:0.07084467436289833	and:0.0561685907245823	We:0.042110366202679786	would:0.026121758989807637	they:0.021744556192521965	:0.01
it:0.25963858208860846	which:0.14112918128503316	and:0.13477755288321686	It:0.11476539973660434	there:0.09895590903510543	they:0.0762137180117906	who:0.057804780239370954	we:0.05506058752131994	that:0.05165428919895035	:0.01
at:0.23861372412503445	and:0.1812333671357339	No.:0.1536955387261185	the:0.07853559306902819	an:0.07621357714161779	of:0.07603658630895334	that:0.06309495345575501	No:0.0612887091706573	<s>:0.0612879508671016	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
of:0.20999559581916794	at:0.1815235518909952	to:0.17056160149215194	about:0.13583324077443099	and:0.10865389245775929	for:0.08375727837135809	than:0.04137640879465948	or:0.02945922857800146	from:0.028839201821475802	:0.01
and:0.22774621183493898	was:0.16662348180026929	held:0.13192829432280304	is:0.0935358045905202	closing:0.08078426547569074	be:0.07647588090771583	sold:0.07569903327319882	sell:0.07492585797465864	required:0.06228116982020435	:0.01
of:0.29870574031813857	at:0.2561721356998034	in:0.09855628238555726	and:0.09753288113362243	to:0.08539426611653018	for:0.05510921275982943	after:0.03434846946298533	with:0.033207493848480416	by:0.03097351827505289	:0.01
part:0.25498660523010275	one:0.13826424215473132	side:0.11897823877869701	to:0.10463701283011184	an:0.08551858303225962	day:0.07828904793138765	time:0.07020940887005908	cost:0.06989498307344935	and:0.06922187809920159	:0.01
the:0.5810309354450308	a:0.1548377997998627	The:0.0714215906311825	tho:0.04852729107072917	of:0.033949940627161515	to:0.03155571057119942	and:0.026181675657339254	this:0.024826471100129123	tbe:0.017668585097365543	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
the:0.5311502285445677	an:0.12550763911802107	The:0.09431247676807919	of:0.059688429525843495	and:0.046043484142330685	his:0.040145835667267274	their:0.03538081540667381	tho:0.03334549745438671	years:0.024425593372829877	:0.01
and:0.17585653528116318	to:0.15780463333268435	the:0.15408048987271517	of:0.13338762061696083	be:0.09705683339257447	is:0.07833119972135894	was:0.07225980199753679	for:0.06656433948048371	in:0.054658546304522555	:0.01
a:0.4353708054959215	the:0.23527893529186628	every:0.057619329118629645	any:0.05065788346346338	and:0.048852012869964156	other:0.047593521922705745	some:0.047581790258162296	American:0.04137687178807899	of:0.025668849791207964	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.36793145294519825	his:0.24296121276903412	of:0.12226315939997648	Miss:0.07905534187016618	the:0.0545542730621466	to:0.048069102986236976	her:0.03179777601969562	my:0.021913190215298972	a:0.021454490732246943	:0.01
at:0.45559954690581206	of:0.09893453468210574	Section:0.08481841633971152	to:0.07708371788580716	No.:0.0766817705536168	and:0.05704990887327704	Sec.:0.050099297730441424	about:0.045720432804024866	June:0.04401237422520336	:0.01
and:0.5081968195765768	that:0.11620524085084313	but:0.10537562698787026	time:0.09611084263568197	or:0.03958742522958082	But:0.03435655121789713	come:0.03402667703080922	ago,:0.02908649581510384	which,:0.02705432065563682	:0.01
men:0.22229840940303264	do:0.12768959754152487	them:0.10296325652741754	up:0.10172828974197584	him:0.10030000614235741	it:0.09238056268097894	in:0.08503268185584556	out:0.07880513747320926	can:0.0788020586336579	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
as:0.19436001227001629	and:0.1409601278107517	according:0.12688257803862749	up:0.1166538996954941	them:0.09546248046552396	regard:0.08571584773899625	come:0.08276545836165355	back:0.07647325798284847	return:0.07072633763608811	:0.01
up:0.1616589999817635	in:0.1538003758146637	him:0.1468170880412111	out:0.10878245602034545	time:0.09349365606702048	work:0.08622409354376653	men:0.08113939717271958	made:0.08012475696295179	them:0.07795917639555784	:0.01
the:0.25470561870247754	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862254	in:0.07582920922781207	was:0.07101916294765154	a:0.06560002811236118	be:0.05991783825325076	is:0.04301373266798011	:0.01
and:0.2884614495137475	the:0.26328168623551035	all:0.1285970444814789	or:0.08763308830393385	any:0.07484375884202325	of:0.04111395664637389	no:0.0408276771970139	with:0.03297087981712196	The:0.03227045896279635	:0.01
<s>:0.5964376085481624	.:0.08711193920501305	it.:0.07551185858136401	them.:0.049217015497795315	of:0.046567545890369544	day.:0.040310979728701436	him.:0.03513570882906043	time.:0.031191587530225193	year.:0.028515756189308523	:0.01
the:0.34223668650146216	of:0.20914908189866335	in:0.12459936915474426	at:0.10434286021046271	The:0.05186845717378217	and:0.0504259855523788	to:0.046041765736821796	for:0.03658786410350475	that:0.02474792966817997	:0.01
that:0.18404915690075815	and:0.18167567775787719	had:0.10766507292859072	but:0.10111128551267923	is:0.0945412610534883	as:0.0898300107531808	have:0.08972975144382046	Is:0.07096038801362375	make:0.07043739563598148	:0.01
to:0.14430364399070175	in:0.14283745411715704	the:0.14205288111662331	of:0.1403684496250526	and:0.1202072321283895	a:0.09871300962934569	<s>:0.09473511179481059	-:0.06115386503261239	by:0.04562835256530708	:0.01
be:0.28467824073809084	is:0.16389321094639572	are:0.12837511837448348	and:0.10666119832834214	was:0.09969736482987188	been:0.06384739541182054	with:0.05425733891135867	of:0.04838277622852314	not:0.04020735623111343	:0.01
was:0.3311052780248053	were:0.16785753407552184	be:0.1428615931617129	been:0.1008182010558958	is:0.07146569871446082	are:0.06805632065607453	and:0.0474188714746602	being:0.030375424907073904	to:0.030041077929794734	:0.01
there:0.21808093876804285	they:0.20475055849309204	There:0.16436752250747547	and:0.10676075070122194	who:0.09782943276711666	They:0.058140193223800346	which:0.056312857812057845	we:0.051325625316181116	that:0.03243212041101175	:0.01
be:0.2483173758919503	and:0.1156876885026976	is:0.10879204714312075	been:0.10781730298410108	was:0.10046125071151504	he:0.08618395602673141	as:0.08583726299875137	the:0.07709250972546994	all:0.05981060601566254	:0.01
New:0.9115388342367972	of:0.022894741689950267	Now:0.013970684814927714	Xew:0.011561942101886583	and:0.010486376284643887	New-:0.0060505842471832855	Mew:0.0058213599480966514	to:0.0043305544586571204	be:0.00334492221785736	:0.01
of:0.22398427845151245	the:0.1807401617028246	and:0.14534768677046012	a:0.13961216443067928	to:0.10433874860215893	in:0.07086205051916722	for:0.05687306761231843	be:0.035377567737223545	as:0.03286427417365547	:0.01
a:0.18902675191168544	the:0.18306796321618887	this:0.13392750984477436	of:0.11913414935634734	his:0.09245783151182306	and:0.08981238509476452	in:0.08860847155144636	her:0.04706150197779711	to:0.04690343553517282	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.271135475568933	of:0.22624656774806975	a:0.09935187518303316	for:0.08676637190428708	and:0.07679704909935653	in:0.06823685805888327	no:0.05623724301969763	his:0.05467092783762654	their:0.05055763158011321	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
be:0.18472928855555906	has:0.17137378294483346	have:0.1565783112587764	had:0.11795826638991275	he:0.09390111056022296	been:0.07648307099273326	was:0.07006929658615126	and:0.06316719319006427	are:0.0557396795217465	:0.01
the:0.33767641601216364	a:0.31088025890296556	his:0.06664965458346112	and:0.06049440592649359	The:0.05812352773330577	of:0.0443310341559521	will:0.042709549397144046	in:0.03650918341238357	to:0.0326259698761308	:0.01
and:0.23269702242011067	made:0.22981759683133623	or:0.11115481161761777	that:0.07236086063876271	him:0.07054273789002967	followed:0.07041660789627405	owned:0.07020071888558449	ed:0.06697266320322266	accompanied:0.0658369806170616	:0.01
be:0.3150464961790923	was:0.18309390801688277	is:0.10230298309602176	been:0.09500227022600424	being:0.06117559922169109	were:0.059692994825667756	and:0.05944815335690453	are:0.05877161561184629	have:0.055465979465889	:0.01
the:0.21051605632283144	of:0.198666106677452	in:0.13979731340048057	and:0.12225741910324202	to:0.10029606099068747	on:0.07149718481239513	at:0.05724166097713457	a:0.04603759877458087	<s>:0.04369059894119602	:0.01
those:0.2563596249253624	men:0.20639173349317674	man:0.17663425579815611	one:0.08555225525184455	and:0.08395082608942768	people:0.05153756123212379	all:0.048937760953382155	woman:0.04476606595818128	Those:0.03586991629834516	:0.01
is:0.16019242339719214	as:0.14570234075128866	of:0.13718812230824368	was:0.11002896161660813	in:0.10319467012908762	for:0.09974958957085206	with:0.09010798585948929	such:0.07470161894100644	by:0.06913428742623201	:0.01
will:0.25332281611275076	to:0.18714004015151808	would:0.16069950805333222	can:0.09768395717688318	may:0.08718584761594794	should:0.06065953213895577	shall:0.052890002706497914	could:0.05091662920810822	not:0.03950166683600586	:0.01
dollars:0.19220347435819937	day:0.19196425034250555	hundred:0.1610683723613714	feet:0.09860374043657712	up:0.08687996928552226	;:0.07261208748066243	costs:0.06337519138851402	street:0.06189134705133533	time:0.06140156729531252	:0.01
be:0.3447826849660725	was:0.1874262019870564	is:0.1310047680807546	been:0.11868069397100739	are:0.055347104682630446	were:0.05476722450028508	and:0.04259912479422689	he:0.028672471293176134	so:0.026719725724790526	:0.01
is:0.206672644420529	of:0.15529754238904012	was:0.12109940669983564	as:0.11723601356277889	with:0.08949080395457266	be:0.08372077114738737	for:0.07931039764251023	have:0.0746294355578757	in:0.06254298462547035	:0.01
the:0.3271529695690261	of:0.17194734372384654	in:0.1533772497062444	a:0.09450164417651008	his:0.05728046504361407	and:0.04744341267727531	In:0.04729423892917897	to:0.045609381806299205	an:0.045393294368005384	:0.01
to:0.26347294911523633	the:0.20207943492956468	of:0.15545869450418856	and:0.10372197011202519	not:0.09492145302753964	for:0.04905066155861363	or:0.048126857297108465	at:0.036594273675506474	in:0.03657370578021699	:0.01
the:0.7557212206737466	tho:0.04408734442815013	Mississippi:0.040343631731132784	of:0.04032550767608513	The:0.024681519988623325	Potomac:0.02370102832647935	Missouri:0.020958753646120154	said:0.020340870873391544	Ohio:0.019840122656271084	:0.01
and:0.3010384457214462	made:0.2374365275395641	it:0.07839153814428536	up:0.0737410704500499	followed:0.07260569651909338	done:0.06404650895670638	but:0.05494166437643693	that:0.05491238501471593	ed:0.052886163277701806	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
in:0.2131866054664273	for:0.18278527504286687	of:0.17465590095326441	within:0.09270317324720147	and:0.08112620763954176	only:0.07401156421911753	In:0.06727676343538887	with:0.05638982722093512	is:0.047864682775256746	:0.01
the:0.30368152797445447	to:0.14586472171986933	of:0.13920148496437165	and:0.11616352003061514	a:0.0865531937272108	at:0.06084318006811143	in:0.05053434162149873	by:0.04586905064101488	<s>:0.04128897925285353	:0.01
above:0.4522971945623597	following:0.35851442408162837	and:0.05575067320491024	the:0.03952612409563543	lowing:0.03186328441187891	premises:0.021020307735306457	hereinafter:0.014994947403408827	a:0.00894520306849135	is:0.007087841436380806	:0.01
he:0.2285340142466756	which:0.17424842093226392	who:0.1411392475669376	and:0.1110325015373256	that:0.1068828695795294	He:0.08149447844450987	it:0.05998053541444081	It:0.04553698241500335	she:0.04115094986331378	:0.01
and:0.44379187872088616	that:0.1962636930138491	but:0.0860205403383329	is:0.08116717346307674	was:0.05609159147798722	as:0.038551158366270155	And:0.030262809546785036	Is:0.02904730500167827	it:0.02880385007113443	:0.01
and:0.2817691289447936	in:0.1698580046314386	of:0.08410225030948489	are:0.08027010070498063	recorded:0.07818521481306222	is:0.07698547459077354	was:0.07666560959987637	that:0.07337867985041287	be:0.06878553655517736	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.6814155451601218	The:0.06976313784053392	large:0.047931098435539804	a:0.043884969132440735	an:0.03861778743541893	that:0.03424916008077986	tho:0.02759686811917436	this:0.024062900550970122	and:0.022478533245020416	:0.01
<s>:0.705015724537389	.:0.08442517998113055	it.:0.04811010927027073	of:0.033295861140176485	day.:0.027407867400701363	them.:0.025346733038742592	in:0.02333901465348012	time.:0.02184939476646843	city.:0.02121011521164073	:0.01
and:0.35215962357750275	was:0.14214829265944656	it:0.0912517558188878	that:0.08256563002461868	is:0.08133293150709567	but:0.06926715727728429	when:0.05890190304571152	be:0.056325402554646894	had:0.05604730353480582	:0.01
the:0.4610923847665224	a:0.14363381337992928	large:0.12881562582171777	in:0.10643530557821776	In:0.038256973438717	tho:0.033033980542898383	this:0.02856429904921599	The:0.025562502981539992	and:0.024605114441241357	:0.01
the:0.22443319974836648	of:0.17138833819162766	and:0.16053821376159752	to:0.14050097146139537	in:0.08627699625443931	for:0.060835378897025	by:0.05585936115047445	with:0.04550560623248158	that:0.04466193430259274	:0.01
the:0.7159643768948128	this:0.12153478272535723	tho:0.044540212654012014	a:0.03357337836691492	The:0.0168062083278683	tbe:0.01595851298518082	that:0.015467890740789197	other:0.013382328407938121	his:0.012772308897126678	:0.01
the:0.5352765235247345	their:0.09903352428803454	of:0.07412012674143867	a:0.05564583186946125	The:0.04950477946720351	our:0.04675584920893781	his:0.04487035764609473	and:0.04349617616486714	these:0.04129683108922778	:0.01
the:0.40486591529502186	of:0.286321914617275	and:0.07258089424207208	by:0.05670000737173952	said:0.0507107084183182	a:0.037338442773573684	to:0.036871478710639276	The:0.024956590249224374	tho:0.019654048322136176	:0.01
hundred:0.32960701002653753	time:0.10451691012679007	strength:0.0895576410592967	rules:0.08834564023718594	good:0.08691568080166502	men:0.07679010431314513	rights:0.07433157268930472	out:0.07002752261219958	life:0.06990791813387516	:0.01
and:0.3352899624206381	was:0.20706921999438338	been:0.09332530862935769	be:0.09082560552051407	the:0.06429914203137994	were:0.0567238930370188	is:0.05499047783415761	has:0.04682309455739152	had:0.04065329597515881	:0.01
and:0.3288619793478691	when:0.15683659286153923	that:0.13905767353542167	which:0.08432971327398228	but:0.08214660890785072	as:0.07305220806821605	When:0.04648924374709563	Then:0.043296006231481686	what:0.03592997402654352	:0.01
of:0.2989052909556916	to:0.14654563898080183	for:0.12459045581280813	and:0.09722495444285598	in:0.08859356539505923	by:0.0660976918993117	that:0.06373245365046185	all:0.05383381513644319	on:0.050476133726566445	:0.01
<s>:0.4042990280115865	it.:0.10699569690468405	and:0.09546239026666406	of:0.09266943741957917	them.:0.06922741092667484	in:0.06340152454246796	;:0.058070452883070785	year.:0.05253042013256236	as:0.047343638912710165	:0.01
and:0.25737290645186667	of:0.17957405422491726	the:0.14619567225470498	a:0.0957918271651453	to:0.08822594087171945	was:0.06802146797304325	in:0.06036719409128018	be:0.050016388584221264	he:0.04443454838310155	:0.01
the:0.2227997423767821	of:0.14644783006367842	a:0.1447194434557453	this:0.13606727806639352	in:0.10227786485064211	and:0.07810499263585946	by:0.06497439326967344	one:0.04891024461811613	his:0.04569821066310947	:0.01
to:0.26347294911523633	the:0.20207943492956468	of:0.15545869450418856	and:0.10372197011202519	not:0.09492145302753964	for:0.04905066155861363	or:0.048126857297108465	at:0.036594273675506474	in:0.03657370578021699	:0.01
it:0.2929188587917364	It:0.2519498814212308	which:0.12191763798366692	there:0.07708569698081741	what:0.06523333278223262	he:0.054518123609495685	that:0.05159467763305933	There:0.04524642427004255	who:0.02953536652771809	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
not:0.45960322169894996	or:0.13529148685017728	much:0.0722221782409795	be:0.06946579956495734	in:0.05676421812607143	of:0.056346575267564605	no:0.050297591632922634	for:0.04770740666486885	and:0.042301521953508336	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
no:0.5817132866507116	No:0.12278108858649557	a:0.055625185514670834	I:0.05206992985975628	the:0.04102169264129236	that:0.03729559691583852	little:0.035427170862634944	of:0.035280432086444095	and:0.028785616882155682	:0.01
to:0.47356661733041705	and:0.10381513348402882	who:0.08200929658014247	they:0.06617359057003391	not:0.06530951066718498	I:0.053109323900338026	will:0.051020184523258356	of:0.04841603264297838	we:0.046580310301618036	:0.01
of:0.27180982581551005	the:0.17805119635661038	to:0.1307756043208467	and:0.10323660692677077	in:0.09588271044631401	his:0.062016229825061296	for:0.05747827036123852	be:0.04549082310543441	a:0.04525873284221398	:0.01
the:0.2423620207365299	of:0.20536500222371457	and:0.166871077045992	in:0.1176496937967874	a:0.06877339806465797	was:0.060401645356168765	is:0.04771002123545104	are:0.04130335500381535	be:0.039563786536882965	:0.01
is:0.34728144642422654	was:0.22135416609544362	are:0.17684988516418448	were:0.0476961756910253	has:0.04504772202324296	had:0.04274206026741562	Is:0.04076161162664779	have:0.0387943712597698	will:0.02947256144804401	:0.01
is:0.16281058362234455	more:0.1481658933664183	was:0.14237080831081816	be:0.1351979535549796	not:0.10175883654553174	been:0.09236350028255258	and:0.08754041019547769	are:0.0610356325322297	of:0.058756381589647674	:0.01
of:0.38110661708432514	to:0.16284385187390196	in:0.11961886176805973	on:0.11367257252871664	and:0.06014203447242946	from:0.04554146325776317	by:0.040287692806110345	for:0.033434352407785244	In:0.033352553800908305	:0.01
the:0.3101469464245839	and:0.18139257296176556	of:0.1189750832204775	in:0.09177950457907187	to:0.06476035881673946	for:0.06265243913967722	that:0.06163497939193545	or:0.05030597233991142	be-:0.04835214312583766	:0.01
of:0.2871610723989281	the:0.1552349570769654	in:0.1482432789362769	to:0.13698831365503045	and:0.09328548315742041	a:0.05354167420270073	or:0.039868711758431506	In:0.039706545511285614	on:0.03596996330296091	:0.01
an:0.38540243077584785	the:0.22308678745516047	most:0.12870315565645582	a:0.07928114847221078	and:0.061786370393240024	more:0.034596068295375135	in:0.030843251952960223	The:0.02485847175342985	very:0.021442315245319886	:0.01
dry:0.22066756789715933	the:0.2125698584886431	of:0.18012089373258622	a:0.12119213240458433	his:0.06601311228043677	in:0.06523712660890661	their:0.05914287185669559	other:0.0349386820387865	our:0.030117754692201505	:0.01
out:0.1874183949937565	part:0.16702825622267764	one:0.14375959401574873	day:0.1417681462472316	side:0.09311823736143529	some:0.08512690924426079	all:0.06449763130486448	and:0.05786824830336453	state:0.04941458230666053	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
a:0.6699737163812268	the:0.11506553635264989	A:0.053089895032129075	very:0.04269183445575079	of:0.027950349296814118	and:0.02323266255199018	The:0.022584092015032788	but:0.018493044535447773	with:0.016918869378958628	:0.01
said:0.8220979587403581	the:0.04757325153825555	of:0.04177273290188201	certain:0.031561603601349304	in:0.016623384818401254	this:0.011454481831088662	at:0.007621544126432161	to:0.006567310020571132	on:0.004727732421661956	:0.01
of:0.35669583024144913	the:0.2900966160838292	and:0.09369924216194739	in:0.07564677605032157	by:0.06013294132294612	to:0.040918474368047075	for:0.031036091205587285	at:0.022029465472289716	In:0.01974456309358269	:0.01
thence:0.42673303023108966	the:0.09566452933319249	.:0.09413534161104951	of:0.08811550505279138	bears:0.0844140908927243	and:0.0735969155504519	<s>:0.045256579122001504	J:0.04190130048303029	to:0.04018270772366889	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
well:0.18763885440258532	known:0.1848432953380303	such:0.1312109444336379	and:0.11650300559404793	far:0.10672026401295964	soon:0.07431929105806052	is:0.06769501413550778	just:0.06709023500275701	was:0.053979096022413534	:0.01
the:0.7564793472981339	The:0.06469145454769584	a:0.05806362330321695	tho:0.03106692995302162	in:0.026556309215002988	this:0.016758938612795083	In:0.013363143355271936	of:0.012868981307516823	tbe:0.010151272407344909	:0.01
the:0.3789030703001323	a:0.19249484398105168	and:0.1527448184303809	of:0.07142543235759348	The:0.05733681410250451	that:0.04724300205651896	be:0.03253720278873311	in:0.030286240120107277	which:0.02702857586297781	:0.01
the:0.2838857055771471	this:0.2349846732164492	a:0.20423311541600966	in:0.09708962112542041	any:0.051562219653214905	some:0.03987861352919692	same:0.03640655019155291	present:0.022448354842442394	In:0.01951114644856643	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
chs.:0.3942372776637926	ft.:0.12377449898602048	and:0.10452842949606159	right:0.06800341364806839	went:0.06526622057683445	as:0.06277876991272426	order:0.0607809491223373	him:0.056870314733267716	made:0.05376012586089331	:0.01
the:0.28593989520701674	a:0.18795530518036307	two:0.16529614784481478	and:0.10170017842765455	three:0.07944158053084127	some:0.04818857935368683	few:0.04782367356874648	many:0.037309365414268394	several:0.0363452744726078	:0.01
line:0.14392069226417994	city:0.12372474398769145	place:0.11775509487694125	number:0.11666815670595587	deed:0.10712052330710055	day:0.10439263418569003	act:0.10255502509032151	out:0.08960272339897567	amount:0.08426040618314368	:0.01
the:0.23736439932178482	of:0.23471925179561048	and:0.1453647208633037	in:0.1041487452859588	to:0.06408614710828532	or:0.05838233973258711	for:0.05030931054573643	be:0.049216832452945	as:0.046408252893788415	:0.01
the:0.30435484729317325	and:0.16087288678576517	a:0.1418582616862208	of:0.08882793193360565	be:0.07875794888766853	to:0.06043262474236049	are:0.05402485450545494	or:0.0508738374591085	was:0.04999680670664287	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
to:0.3696572389493366	and:0.26866118931829713	not:0.07560299929882229	of:0.07094232648492062	the:0.05855232392616215	in:0.04593144099819611	or:0.03555130734646787	who:0.033151344501163374	will:0.03194982917663375	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
<s>:0.31376789466731847	it.:0.2168187173047352	them.:0.11238381485606802	him.:0.08223802294243629	country.:0.06655546381284984	.:0.05103801858919702	again.:0.050728380134704786	time.:0.04873375685115161	life.:0.04773593084153874	:0.01
the:0.39838599078751774	a:0.27348065726130477	of:0.09781050246059773	and:0.07508237988181016	in:0.04451260669118604	by:0.025758726025302273	The:0.0252575684888981	this:0.024919376780042825	any:0.024792191623340388	:0.01
the:0.36091910928618237	degrees:0.21644925773159504	minutes:0.1574560654875296	thence:0.09752292151541556	and:0.06568044463994949	tho:0.024310645044839093	on:0.023439481619416478	The:0.022263939818790473	degrees,:0.021958134856281973	:0.01
of:0.22910150922766157	in:0.11539276438983914	as:0.11127934553323833	is:0.1093065249044014	to:0.10099004487606558	with:0.08929933663062477	by:0.08343707285879862	and:0.07635553566197055	was:0.07483786591740003	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
able:0.17588348406362414	and:0.16255946954366218	right:0.11747749595089761	order:0.10069000419542434	time:0.09754566194031722	necessary:0.08943277277153108	enough:0.08685369994579874	him:0.0827062312101734	desire:0.07685118037857128	:0.01
and:0.28081826524842834	recorded:0.11992459715138465	is:0.11459601146648143	that:0.10719611749566711	was:0.10127129399640517	are:0.086604104023806	distributed:0.0680936502147143	but:0.05624580094236254	divided:0.05525015946075051	:0.01
be:0.17042970680876798	and:0.15444650924990164	was:0.12325441428642701	are:0.11964092568460094	more:0.10794727410674038	is:0.10418816279261772	been:0.07367700959488037	were:0.06935321740357893	care-:0.06706278007248495	:0.01
the:0.3640291833555119	of:0.16259551794771576	a:0.1303200964834337	and:0.07502591001958044	The:0.0680429141273284	in:0.0625884531306343	to:0.0592165702963284	at:0.037969772465954704	on:0.030211582173512348	:0.01
the:0.6996802983165502	The:0.08115601134087805	tho:0.05593558851491374	and:0.03271577231899947	a:0.02949698047761759	miles:0.02637315195047088	minutes:0.025456006905353944	tbe:0.019858791643260047	feet:0.019327398531956023	:0.01
of:0.4061718721844183	to:0.12549127481807346	that:0.11646835314454528	by:0.09842653733529988	and:0.09807313009608123	with:0.04982855422007516	for:0.033121613173140343	as:0.03243387979934149	all:0.02998478522902498	:0.01
the:0.21134969382374078	a:0.1906450612111245	to:0.13606040816919496	and:0.12821509046116367	of:0.10073001528242634	an:0.06198821029533924	was:0.0611330432172598	be:0.05065007646328503	is:0.04922840107646583	:0.01
the:0.7109846599589901	The:0.08055762280870908	a:0.052716093051091366	and:0.048052018756734705	tho:0.04757253272371547	tbe:0.022618975854622227	<s>:0.011810922582904008	said:0.008581777736749088	com-:0.0071053965264839545	:0.01
to:0.19515470807612817	of:0.18677480857842452	with:0.1757329395558474	in:0.15811212861096885	and:0.07793180622230356	on:0.05395657301674474	for:0.0489488235383077	by:0.0481814074182918	from:0.045206804982983316	:0.01
hundred:0.43590281498327577	one:0.2926627162482035	up:0.04534714729811838	hour:0.04146201255991985	week:0.037577418618354085	year:0.03485476386293158	street:0.03463247528525545	dred:0.03380908654767521	two:0.03375156459626607	:0.01
the:0.2906711854665342	Miss:0.2116913118958637	and:0.1314886788876273	of:0.0920628588483469	.:0.05780630239851659	Mrs.:0.05503736150403342	a:0.05305178839478895	A:0.05040570662058061	The:0.04778480598370823	:0.01
a:0.242118166178781	of:0.16153256938044344	the:0.1467256176842311	and:0.10370339755311829	to:0.10055123592711973	at:0.09706450697055294	for:0.05359397756361465	in:0.05002206545375685	an:0.034688463288382015	:0.01
the:0.39216243265314965	that:0.1109155346503107	a:0.10671894969807015	of:0.08518107811810421	and:0.07934992886335768	The:0.06059806452537567	no:0.05570588203995953	this:0.05310185335867003	their:0.046266276093002386	:0.01
a:0.570148749817498	the:0.18108363573355177	and:0.05892529075216442	his:0.03556898849173704	of:0.03237187662012559	to:0.030924660298904325	very:0.02864397413509794	her:0.026693143190566187	for:0.025639680960354745	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
was:0.3229105441401729	be:0.1238023460614784	and:0.10417124648191535	is:0.09648627270058184	were:0.0872171866779912	he:0.07169166527685762	are:0.0708726178145074	been:0.06683153115529607	not:0.04601658969119928	:0.01
number:0.1473148339810975	out:0.12703118974521294	purpose:0.12677563814600423	matter:0.11431934195291443	all:0.09851661547160984	kind:0.09624764772900944	amount:0.09518672248231409	means:0.0943772792212674	one:0.09023073127057027	:0.01
laid:0.22684480717158742	went:0.1262328677980117	sat:0.11943551225478402	put:0.10244026471935938	came:0.08844676195125259	set:0.08766989230157002	brought:0.08576132766273832	go:0.08466206371919724	broken:0.06850650242149922	:0.01
is:0.3070758337131498	be:0.12680056194369532	he:0.12284426449293799	was:0.11992689402551694	are:0.08925733211174287	I:0.07282585805894998	and:0.06943558764357306	Is:0.047961965445458526	they:0.03387170256497548	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
and:0.33651200696739575	to:0.18561280114709738	of:0.08386717831522203	which:0.08237112197637284	re-:0.06907863865464145	that:0.066126456572214	for:0.05715061258578536	or:0.05589309360209148	not:0.053388090179179656	:0.01
he:0.3112802707324163	and:0.1478980952344679	it:0.14460571994992752	It:0.09373088923662087	who:0.07116249335955221	she:0.06147515170925698	that:0.058473489282468136	He:0.056036750570492046	which:0.04533713992479793	:0.01
as:0.29039256467217145	is:0.19259057369184815	and:0.0927689063704047	a:0.0883761248647888	are:0.08486668647056768	was:0.0822828991479459	the:0.07004182749076959	very:0.04780551658861196	be:0.04087490070289164	:0.01
him:0.1280381431911991	able:0.12062077502396214	have:0.1139229856397097	and:0.11171946667894975	want:0.10974763024526385	allowed:0.10465437710389246	them:0.10128443148019256	is:0.10013200114709248	had:0.09988018948973797	:0.01
that:0.1894222469649546	when:0.1653434752950601	and:0.15754267920448228	which:0.14237438938666794	as:0.11564696886197173	to:0.08264676820405699	if:0.057680809529657054	said:0.040304828497928546	where:0.0390378340552209	:0.01
and:0.27083363284160117	on:0.15705993313919958	wait:0.0989729379515444	to:0.09725794194145766	years:0.09533925194700119	not:0.09451384880635948	of:0.06385559833997205	him:0.05619704129272112	for:0.05596981374014329	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.46914359793045335	a:0.26894705473671987	of:0.051031173870796864	this:0.045241628770824306	and:0.03869510421985405	his:0.03508437712084722	The:0.034568898720189076	tho:0.02673062209985488	in:0.020557542530460222	:0.01
and:0.26139820382508294	of:0.22225991787188024	that:0.13243025726984795	to:0.10501194191860784	in:0.09065542966202494	for:0.06654671185462248	by:0.04499198029464509	with:0.03798104884567553	on:0.02872450845761293	:0.01
the:0.47309773989312304	of:0.11867245260009522	and:0.08894047159324309	a:0.07102187609660218	in:0.05536588797590416	their:0.051162602767599485	The:0.047063057134716486	our:0.04244735661665632	tho:0.04222855532206008	:0.01
the:0.59274661269992	a:0.12629125513516737	The:0.08731039717030788	of:0.05448007951439815	tho:0.032801208363449436	to:0.03048683374658335	in:0.02324014929604417	our:0.022323168532181782	his:0.020320295541947878	:0.01
of:0.5799606433591986	in:0.14726538281313323	to:0.08053617321961364	by:0.04633458265410756	for:0.03747262210945751	that:0.02952432958971118	and:0.023397503682936777	In:0.02284405960632139	from:0.02266470296551999	:0.01
the:0.28068516878703864	to:0.20366368645824773	and:0.12304570686182346	a:0.11914558677884791	of:0.07098211997756945	was:0.06541326434399987	be:0.059400436941387275	is:0.034304170017655906	not:0.03335985983342965	:0.01
was:0.25909534104238213	and:0.22117906408763893	day:0.09453783611278077	is:0.08499986889934896	until:0.08458345789961384	died:0.06494553806217616	arrived:0.06304505901481859	be:0.05920792891778489	held:0.05840590596345558	:0.01
men:0.14105611981978503	;:0.12764259028458136	good:0.12379646155565809	him:0.11993873432015224	in:0.102011335037799	it:0.10198896491436167	man:0.09563138465363269	one:0.09314946962290566	<s>:0.08478493979112418	:0.01
the:0.3247145973921336	of:0.1912783922217495	to:0.12657663807666622	and:0.09633872751529743	a:0.09623368406197352	in:0.07246051313932513	at:0.03990566458342589	for:0.021408717282748693	tho:0.021083065726680054	:0.01
and:0.3638110934457038	be:0.10192953289393797	or:0.10094287746020958	time:0.08710936409500543	that:0.07928091925352229	is:0.06843910740957743	them:0.06348359486337986	are:0.06257270267543859	it:0.06243080790322499	:0.01
the:0.549701795445409	of:0.08544589121309792	The:0.08046853450117475	and:0.07425434428431453	or:0.05476978356115242	a:0.04997941214178482	in:0.03659518698938239	tho:0.029841333772202164	these:0.028943718091481982	:0.01
hundred:0.3209630864435665	State:0.12200403790008493	state:0.09040282038797934	city:0.08637043644310072	States:0.08493038849346853	street:0.08185250036145106	dollars:0.07108240428620576	North:0.06784200292542446	Hundred:0.06455232275871874	:0.01
of:0.32817121921121817	in:0.1755865897106243	to:0.11067875162657738	on:0.10969057067097128	for:0.06521791297106969	from:0.058814420386784194	and:0.04836452400431307	by:0.048028853205743675	with:0.0454471582126982	:0.01
and:0.2653406391712124	a:0.1173881671452843	the:0.11354438115245949	of:0.1129260021388945	or:0.09589915843520552	to:0.09246006607534042	be:0.08743989448878033	not:0.05532128163689645	are:0.04968040975592674	:0.01
the:0.3294396766798859	to:0.17098038668277318	a:0.16951296263688034	and:0.13278512793944275	of:0.056731183548508785	his:0.046017182011514106	The:0.03623310236050248	I:0.02600042427641723	by:0.02229995386407522	:0.01
.:0.159160479533277	-:0.15435470642707458	and:0.12406037518347418	1:0.12386455527931411	of:0.11721596823973629	etc.:0.10065647872717806	the:0.07770674352550867	,000:0.06720287324795365	M:0.06577781983648345	:0.01
the:0.2494656877992685	and:0.20313040440671778	an:0.1178210990419705	a:0.11371515166753905	of:0.08335548779502233	was:0.06861685008466034	to:0.05887994782501563	his:0.050546761088051714	in:0.044468610291754154	:0.01
the:0.3710687122899133	an:0.17090505394507158	and:0.11120004021078954	a:0.0916113206531643	of:0.07519620476158091	The:0.06584775599687352	their:0.03945412585836902	its:0.03545847796444958	his:0.029258308319788165	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
it:0.1988003330366563	they:0.1863091402079606	he:0.1790745238195991	who:0.09768280386785362	we:0.07739547203894766	I:0.07253469148948716	It:0.06492112988831951	He:0.0579015176032571	and:0.055380388047918755	:0.01
of:0.18889621255652908	in:0.17344029139987502	at:0.14066339779899656	for:0.11990367273711422	during:0.11076958109425589	to:0.07979246603912211	In:0.062044683601134	on:0.06190611738051835	and:0.052583577392454804	:0.01
went:0.17428654393371398	and:0.15858629753407516	up:0.11751150117237856	according:0.11440138701691867	came:0.09404576225427358	back:0.08985440113885786	go:0.08513887743917085	him:0.08182577514932375	down:0.07434945436128743	:0.01
the:0.7927507074806887	The:0.049369858692244785	tho:0.038820779881418827	a:0.02321611670080524	in:0.023111435197902493	and:0.022908241222439264	tbe:0.01607613735569575	of:0.01299062519442644	said:0.010756098274378536	:0.01
the:0.3765855700859001	of:0.16099429184099226	and:0.13606697363344764	The:0.08520905700656935	Mr.:0.06526544909761484	a:0.05125415038445086	that:0.051169286412974205	to:0.03376314541728713	or:0.029692076120763737	:0.01
to:0.22733181714496684	of:0.14169992946939702	this:0.12408020885785297	the:0.09964306131204458	or:0.098832580458198	same:0.09680294265923636	and:0.08110449899320576	without:0.06220003460419636	that:0.05830492650090206	:0.01
the:0.4537606100955801	a:0.24985669631793442	The:0.06184318651130421	two:0.051425139979007495	of:0.04948843322586029	and:0.033791214794186744	gold:0.03368295340562918	tho:0.031845670790635466	this:0.024306094879862173	:0.01
and:0.31272371936252696	that:0.11921912925090902	was:0.10826785512344439	made:0.08867020288276366	is:0.08441813412767785	as:0.07363540620555147	it:0.07061351793988456	up:0.06868550907362354	but:0.06376652603361857	:0.01
be:0.23450243100377055	was:0.1778600120315085	been:0.1337103401166053	and:0.11683190681060247	have:0.08107211667740191	is:0.06863394088751495	had:0.0647799374242216	were:0.05759694372607068	has:0.05501237132230398	:0.01
and:0.4561625113155266	is:0.13752673776561872	are:0.08698525717903711	be:0.07216575474567022	was:0.06918355405452797	not:0.045215197753483975	an:0.04162562896415765	the:0.041053670575508495	most:0.040081687646469376	:0.01
time:0.2156712280723546	up:0.13034134745533918	appear:0.10839793299165106	him:0.10305809106688085	good:0.09438128986450225	out:0.08900385150595069	made:0.08435659592998934	right:0.08311592265715735	life:0.08167374045617465	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
recorded:0.8318212743689049	corded:0.04699290770836133	and:0.03659841649188753	Monday:0.025384112409714842	held:0.010321825732392605	situated:0.010304705790171268	on:0.010143755419197388	filed:0.009688433475922686	feet:0.008744568603447574	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.24951270671144163	about:0.14859207041247174	and:0.1293621870868215	the:0.11652615213374128	for:0.10106938383416184	than:0.08199783982933861	or:0.07106768070469092	to:0.04937072224258506	in:0.04250125704474733	:0.01
the:0.18967412161958205	and:0.16039812387112398	be:0.12426122688981939	was:0.12339453984543904	of:0.11493837137436898	to:0.08700087712254828	is:0.07482363279220873	been:0.06158286699078446	a:0.053926239494125026	:0.01
the:0.3750384762589013	and:0.15576776943066303	of:0.11608042505907364	Mr.:0.08439344936867432	The:0.0792024172348829	a:0.061633308384532494	his:0.0442242362747654	I:0.03748669960758615	that:0.03617321838092082	:0.01
of:0.2381719860295494	and:0.23415746017761663	in:0.11598353395473782	to:0.10227189079610367	fact:0.07859923495468527	said:0.06648519540808896	on:0.059675812679062315	all:0.049591757945495966	is:0.04506312805465998	:0.01
as:0.2865333700653575	be:0.15895288724650528	and:0.13040433196336643	is:0.12357118159273188	are:0.08444505718635373	was:0.07949191631343354	that:0.04293680952994027	been:0.042476635641236805	has:0.04118781046107457	:0.01
turned:0.23801667169007212	up:0.12073647001091865	taken:0.09619455092051403	step:0.0934404542353054	down:0.09263401708376783	it:0.09224199888441366	came:0.0905162163453422	him:0.0832478805552241	made:0.08297174027444182	:0.01
a:0.6465017681141823	the:0.11559881410220205	any:0.04683327363530302	this:0.03930450727570706	and:0.03885232228567223	no:0.034819107442619575	every:0.02478759574723645	that:0.022291101832626906	A:0.02101150956445036	:0.01
and:0.20574901464648052	be:0.1782627871071889	was:0.1377230897430883	to:0.08832819096533921	been:0.08618103965957719	is:0.0810041601548845	of:0.0796758931950268	he:0.07002166678811851	were:0.06305415774029603	:0.01
the:0.20052658341736948	a:0.16171096045827493	of:0.15541880833340935	his:0.13324982016503406	and:0.09008686348715894	my:0.08903605504930727	in:0.07542037864401324	this:0.046021319696234755	that:0.038529210749197844	:0.01
those:0.3561923530250654	men:0.21461376165823368	and:0.10708776068172537	people:0.07084034634055972	man:0.06965675545576237	Those:0.054855968362553804	all:0.04217368885549944	persons:0.03947323920853961	women:0.03510612641206072	:0.01
provided:0.334729295930078	paid:0.1404808622526522	and:0.09929137295785778	cared:0.08837330616455376	voted:0.0880894671440104	accounted:0.08219584818458281	called:0.057785416714346394	vote:0.0532044040738542	prayed:0.04585002657806464	:0.01
to:0.3581315756575541	a:0.28486300738346804	the:0.08419932501786676	would:0.05442522075428868	will:0.0538223085551246	not:0.05245491430444998	and:0.04220042534645163	this:0.035113553824356644	I:0.024789669156439584	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
to:0.647794323499749	will:0.09758969115157311	would:0.055641081808699026	and:0.04037066894855605	may:0.03890072563474835	can:0.03173307678309076	shall:0.02926801267066782	could:0.024871189641550835	not:0.023831229861365086	:0.01
of:0.28489475130342257	and:0.15464786456845328	to:0.1462228362509504	at:0.11524761033992115	about:0.07622316340447587	east:0.06257836513403706	lot:0.05850952429787983	range:0.048194565670361414	Township:0.043481319030498615	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.708512179837213	The:0.11839808640257402	a:0.06082577191098875	tho:0.029380983373456886	and:0.021299407584512094	an:0.018887859657449848	this:0.012144789672137576	re-:0.011469980095361584	tbe:0.00908094146630624	:0.01
District:0.3023933778370661	the:0.2559447499283246	State's:0.12360083694370301	of:0.10208572966026604	at:0.05277312776453713	and:0.04600353641820888	an:0.04269836848832894	Mr.:0.03347373670527734	Assistant:0.031026536254288046	:0.01
the:0.17334191883992503	and:0.16457793437453397	baking:0.1572662024919183	as:0.14044395263579001	of:0.08726646922913259	that:0.08187167163432231	a:0.07534933527838317	in:0.05795507708549504	or:0.05192743843049952	:0.01
of:0.38111910851681263	and:0.12368643475167425	to:0.10508181359023197	that:0.10141256206112283	by:0.06344537461679338	on:0.05898250021444946	in:0.05822072483084395	as:0.04919194988587791	for:0.04885953153219358	:0.01
will:0.24693648038004848	could:0.18983163955391383	would:0.1439542663030325	should:0.13438534735032978	shall:0.08752610598815738	may:0.07499240936629364	can:0.047443879688021315	must:0.0346179084233615	need:0.016788272230254815	did:0.013523690716586703	:0.01
was:0.22318717626046866	been:0.19502100840005804	are:0.11085184790427358	be:0.11055147633616055	were:0.10733320063979519	is:0.08675353192094608	and:0.05648901496746721	those:0.05006421852105437	busily:0.049748525049776365	:0.01
30:0.14258561147308893	50:0.12084155222101362	5:0.11811271103248047	20:0.11289669481301252	4:0.11237594400596172	6:0.10151207091660547	100:0.09756954227894955	hundred:0.09366796561950139	eight:0.09043790763938647	:0.01
be:0.20318074163432065	was:0.1810029018914728	and:0.15446129146824508	been:0.11006060645686003	is:0.10368971627447866	are:0.0642469846360231	were:0.0636301636417311	the:0.055049235698359754	he:0.054678358298508596	:0.01
of:0.5011017884550669	to:0.11734985075407606	in:0.07637536041568949	that:0.06786784281520247	by:0.06382937689697342	and:0.05349113652372295	for:0.04095231229836013	from:0.03981477943137216	on:0.029217552409536426	:0.01
of:0.3091976638342204	the:0.2391103402346752	and:0.13381140773686948	to:0.11048312727110192	in:0.046959948199223826	a:0.042162053767383946	on:0.0379696425071135	The:0.03534540331691183	be:0.034960413132499826	:0.01
was:0.2595263826040138	be:0.18493387224443197	been:0.16054994832536215	is:0.11394391298007266	and:0.06475664615793199	were:0.0593874874010799	it:0.053403068717845247	are:0.04997370706570195	not:0.04352497450356024	:0.01
out:0.17916574669678154	one:0.15213856269589193	all:0.11395927064040333	part:0.11211456839666226	that:0.09336779748913557	use:0.09273304829319808	some:0.09158451792852725	charge:0.08142885170618684	tion:0.07350763615321314	:0.01
the:0.3404474991228684	of:0.14206453703242095	within:0.12851386320079786	and:0.10932933822784544	in:0.06585038513576688	a:0.060317337281655975	for:0.05110881148582571	about:0.0466130963291516	to:0.04575513218366725	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.2506285218941981	in:0.1984291851015097	a:0.12066689669646835	of:0.09993283246618107	his:0.07050356028061577	for:0.06822519616293136	this:0.06506278563269068	their:0.06090135871360197	to:0.05564966305180312	:0.01
on:0.3278301167743909	of:0.29061650296211666	to:0.10591084099618339	in:0.09755807035839408	from:0.06346523711995171	at:0.04043139089410193	upon:0.024743048616454866	for:0.02149223367026887	In:0.01795255860813749	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.20574901464648052	be:0.1782627871071889	was:0.1377230897430883	to:0.08832819096533921	been:0.08618103965957719	is:0.0810041601548845	of:0.0796758931950268	he:0.07002166678811851	were:0.06305415774029603	:0.01
and:0.24715944158911993	depend:0.10115542297585235	based:0.10085046174861782	placed:0.09929781518962862	depends:0.09865819847804204	called:0.0967281156431388	down:0.08601932662424668	made:0.08525060516232963	effect:0.07488061258902408	:0.01
and:0.5035137010846549	as:0.08221161101562535	was:0.07071200524409423	that:0.06964974955961917	are:0.06771921842396147	is:0.06519633968080654	of:0.04475437682449955	but:0.04357622438707839	the:0.0426667737796605	:0.01
the:0.24803210933840383	to:0.1723486997651513	and:0.15060665922061034	of:0.10057783813236668	be:0.08558658169076797	a:0.06671779978262857	not:0.06429540982789805	or:0.05101378575945689	was:0.0508211164827164	:0.01
the:0.5697350786334826	this:0.11471475104488735	that:0.08503796015726091	and:0.05807817856578963	to:0.05234703402621458	tho:0.03239994383106611	an:0.026653894334045747	a:0.025951736835992154	The:0.025081422571260746	:0.01
he:0.2857269785415107	and:0.16475505481893626	was:0.1454242944146352	be:0.09165411576485012	He:0.08014613995776952	is:0.06598685375216784	I:0.05447258854908069	she:0.05164872871213801	been:0.05018524548891169	:0.01
to:0.7673439922720563	will:0.04976608187473315	and:0.03228528849610114	shall:0.030563875295902397	not:0.025005492820423046	can:0.023156167303452685	should:0.020975500272378586	could:0.020454806365319492	they:0.020448795299633074	:0.01
it:0.19129304205553752	It:0.14469751513729098	he:0.1411002946311307	which:0.11684196323087204	I:0.11443416439404464	and:0.09515343521725625	He:0.06955431801222423	that:0.06269264879372564	she:0.05423261852791807	:0.01
of:0.3594188090868819	that:0.15410793880811324	in:0.14542616102229544	to:0.077378850985377	and:0.07669804685092663	by:0.04805097619480157	In:0.04744028619263892	on:0.04221754043407571	at:0.039261390424889575	:0.01
and:0.2623369275738987	recorded:0.11754747775202591	up:0.11041879011446987	was:0.10499986555954885	that:0.10141758194294877	is:0.08964784220088323	out:0.07713151110042796	as:0.07141401478964465	made:0.05508598896615208	:0.01
the:0.5259073859122719	a:0.14608249718532404	his:0.07759616273076578	The:0.054136187911116046	great:0.04244418084996621	any:0.03944485935634863	that:0.03775130089798415	of:0.03436945987156586	tho:0.0322679652846573	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.2507850581502001	and:0.17497574984698866	in:0.15692023458033044	the:0.12384576868664635	to:0.08469296660941264	for:0.06120383684611268	a:0.051444808982481764	that:0.0435231487295692	be:0.04260842756825804	:0.01
of:0.2286926246929074	and:0.17146420538991367	Mrs.:0.1484277766812719	by:0.14325348088915146	to:0.09431843338718476	Mr.:0.07287774488727268	said:0.059371381755623086	the:0.039531442197796696	.:0.032062910118878366	:0.01
the:0.2447609397811796	and:0.20200444718786137	of:0.1986975994846867	a:0.0909893927345677	to:0.06145431689100224	in:0.05632114762281005	was:0.0538703414808706	that:0.042194053180521746	by:0.03970776163650004	:0.01
up:0.16875081180676885	him:0.12762603763523486	out:0.11205575348382728	in:0.1026985824204928	men:0.10111142720651227	it,:0.09839318885269674	man:0.09765260263813874	him,:0.09157070598141322	it:0.09014088997491507	:0.01
that:0.2789828783150907	and:0.1624516738149127	it.:0.13030043535195404	<s>:0.12335265841082237	them.:0.10745805565810809	him.:0.05370996698013756	but:0.04861135412415623	time.:0.04358511501384539	as:0.04154786233097283	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
a:0.47566097047024	the:0.14329420039873988	any:0.1095440065378783	to:0.06765749409393733	no:0.05559608186638675	this:0.048002086292057225	either:0.03641670204469465	every:0.030698005366839528	one:0.0231304529292263	:0.01
be:0.24740890265055748	and:0.13400921147415956	was:0.11936578854950157	have:0.11814336987276616	he:0.09839714036106535	been:0.09047956682398668	has:0.07024896152760095	had:0.05636423831599971	is:0.055582820424362425	:0.01
the:0.24368868982568143	to:0.17572068347283729	and:0.17254794254710823	a:0.12976104652963183	of:0.11062257288270286	in:0.05749064395309338	more:0.03503161563881523	be-:0.0327837243285708	was:0.032353080821558966	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.2685296113888783	to:0.16806970749733038	in:0.1353691794184458	and:0.10132347367546886	that:0.08616987762804099	for:0.07714674604593486	by:0.05622666607873045	with:0.050507948905724284	at:0.04665678936144599	:0.01
the:0.2956638497848283	to:0.19575680949457203	a:0.17473396584157655	and:0.15199800361416577	this:0.051742013560269674	will:0.04543041038923803	that:0.026050428607914237	The:0.025657439696351134	of:0.02296707901108441	:0.01
and:0.19182796768879862	of:0.1856973473169748	the:0.16065264767554951	to:0.09681359470693252	or:0.09374300527923589	for:0.0847289659401121	at:0.08166697647328516	that:0.056734731112844765	with:0.03813476380626666	:0.01
it:0.1487807082994548	;:0.128412436397072	one:0.11133462726818796	and:0.10814024575145868	dollars:0.1070718724147477	more:0.10599185629045169	is:0.10355249761695076	I:0.09476430301002654	man:0.0819514529516499	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
to:0.6883306562867215	will:0.05922928707602508	can:0.05732230677506922	they:0.039275810656675264	could:0.038759284076947946	and:0.03133372373462657	I:0.02781274409809673	would:0.027744539449797295	we:0.020191647846040273	:0.01
of:0.22184962087662158	in:0.15520673814302796	to:0.13966192681481693	and:0.13338374863137556	for:0.11704124564673986	with:0.09933739769359429	that:0.05105976955125527	but:0.03627353457850431	by:0.036186018064064296	:0.01
and:0.2729042326810205	most:0.18603988877763378	the:0.10627241946146988	very:0.08371635885870676	as:0.08210222443058303	of:0.07255789243359448	or:0.06861483136760017	more:0.06798330626547416	is:0.04980884572391722	:0.01
of:0.3465507174134702	to:0.17794843366576837	on:0.13041864661072142	in:0.1062766599313444	from:0.06420747095835388	and:0.054231226230892354	at:0.04491466220148409	for:0.035192102237885575	that:0.030260080750079705	:0.01
made:0.17295908650123606	take:0.14477461809886874	make:0.1267309868606757	took:0.10985375975440086	put:0.10143447680216158	give:0.09391292622724075	taken:0.0920634518130242	picked:0.07452197373783816	keep:0.07374872020455392	:0.01
was:0.26381724171837767	be:0.23804259648006715	were:0.12969715200753903	been:0.0934562522726328	are:0.09054581792672536	is:0.08610642174257067	being:0.04580693576178651	and:0.03088844169488416	have:0.011639140395416655	:0.01
three:0.22455891917716886	two:0.2059112915808581	four:0.1882227736791595	five:0.09857179092094322	few:0.08121671316132678	a:0.05402979467300556	several:0.050830847135087245	ten:0.04460380617057178	the:0.04205406350187874	:0.01
is:0.26175712891392694	was:0.21615499282886186	are:0.13853398436346673	has:0.08392243398740656	had:0.08242195738462435	have:0.07941075852311238	were:0.05753768888782794	and:0.03878136688307595	Is:0.031479688227697256	:0.01
and:0.4095199941885613	And:0.2669687280460308	not:0.10580578287418133	as:0.07334252552349774	is:0.03520578052064482	that:0.028598298348649822	but:0.02807766121093346	or:0.024230037992239734	are:0.01825119129526106	:0.01
the:0.3032306031506453	of:0.17127401876607368	and:0.15552660694671583	to:0.08720379603775957	that:0.059113297973434474	Mr.:0.057974107594023896	The:0.05786491706062363	in:0.05123265027402201	he:0.0465800021967017	:0.01
is:0.21463057144607842	has:0.17049097472632807	had:0.1473260489118331	was:0.12297046173179976	have:0.1186564068119735	are:0.09535504869101634	and:0.05143320163467669	Is:0.0362809653548973	were:0.03285632069139675	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
would:0.22980511667265655	to:0.17299540970927665	who:0.12482764014450815	they:0.1035530767531353	I:0.09251266344910343	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.055635813079984546	:0.01
and:0.219484921277503	of:0.16685013309245258	the:0.15228794952877264	to:0.12877623630682297	a:0.09173097726308327	in:0.06108430219237669	be:0.060391702149518986	is:0.0581655338747713	was:0.05122824431469869	:0.01
of:0.38081841005722494	to:0.1268830001037366	in:0.11181114361103686	for:0.07440589527457388	with:0.07029602763859272	by:0.06338754055446709	and:0.0633432736937915	that:0.053726968951963744	on:0.04532774011461273	:0.01
the:0.34086280338812647	of:0.22093040488122542	and:0.14086953403042624	to:0.07661365940134278	a:0.0680104676241266	in:0.051012877342832365	or:0.03226666770178503	for:0.030271126034271952	The:0.029162459595863208	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
that:0.3523765762592717	and:0.17111543670373186	which:0.09837114489632792	when:0.0775789916505438	to:0.06512478716730889	will:0.06139938740703173	if:0.05739648288797535	as:0.05574882811383207	but:0.0508883649139768	:0.01
and:0.337291893652781	so:0.12479811775737729	say:0.09731998655540983	fact:0.08972889028296344	know:0.08081272560971962	said:0.07728661770633168	is:0.06952093330887803	all:0.06044144952898566	show:0.05279938559755335	:0.01
to:0.413436742419163	of:0.23253292239942386	and:0.10580220488305836	in:0.0614119648756862	by:0.04326301254457905	the:0.039317468787098665	for:0.0372550783448783	a:0.03039846344612311	from:0.026582142299989463	:0.01
and:0.2565459086989765	was:0.1752962284799224	be:0.10807487289499339	were:0.1059310846406219	are:0.09990387657912424	is:0.0941219121789878	been:0.06385875614325433	he:0.04429305828215963	has:0.04197430210195976	:0.01
<s>:0.5911664716768236	.:0.09254162861311349	it.:0.07581705834204039	them.:0.05818195815929814	day.:0.037726686386629994	him.:0.034790603659583	time.:0.03473040556580825	of:0.0340401802064035	country.:0.03100500739029967	:0.01
of:0.24750857816986374	and:0.15672995595837905	to:0.13699780607228482	that:0.0967125048767253	in:0.09286268064249499	for:0.07120307404101178	with:0.0692164380346218	all:0.06391453810021504	is:0.05485442410440344	:0.01
the:0.4736562639390388	and:0.18515907676286975	a:0.07781981137035485	in:0.05115738754216693	The:0.048530560309079894	is:0.04117838408062129	was:0.04093742420978901	that:0.03824712824000503	of:0.03331396354607453	:0.01
the:0.3601320972365389	of:0.31149489658309903	and:0.058065049267228885	or:0.051662114615382435	his:0.05061263977280298	their:0.04529280653405917	by:0.045239407528389446	in:0.03397439253352305	no:0.03352659592897608	:0.01
he:0.27654972293477703	and:0.2466595716471066	be:0.1215458889251196	it:0.07365036608505836	was:0.06501849445890792	It:0.05503154445723571	been:0.051058648658589736	she:0.05034321653292784	He:0.05014254630027712	:0.01
him,:0.14167517585296113	him:0.1401102314321787	time:0.12643699345325277	man:0.11493587305602428	it,:0.11157700353852774	up:0.09892484572296203	them,:0.08867907655368505	years:0.08480333079134647	men:0.0828574695990618	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910597	one:0.10399558216214486	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
has:0.31684997245331414	had:0.2337740970190879	have:0.17428522891194337	was:0.0789128234136655	he:0.04774451940312656	I:0.04125815310040586	and:0.03656210258905968	is:0.03508781588231447	they:0.025525287227082694	:0.01
and:0.16863234431022775	is:0.15904326489999865	him:0.12087980826471614	was:0.11373743381895172	able:0.09304926166349499	ought:0.0906734825706846	enough:0.08950592120393341	not:0.07749325265532075	me:0.07698523061267191	:0.01
the:0.29227643787135366	of:0.17782088749567468	in:0.14157680581294024	and:0.10933893853717594	that:0.07058603379589196	such:0.05254266446356545	to:0.05240085009927354	or:0.04720995348500608	which:0.046247428439118325	:0.01
it:0.28317097636256594	It:0.1933445733650809	which:0.11975718942031284	he:0.08582788806916335	and:0.08528961719502678	that:0.0777183143097221	there:0.06238640793109829	who:0.045422113965186965	what:0.03708291938184284	:0.01
of:0.27015000618634627	and:0.22212197328063357	the:0.1631014879999006	to:0.06980356019992916	for:0.06087486200775469	or:0.056178112325405205	a:0.052228889022596835	with:0.049853531189072264	is:0.04568757778836142	:0.01
one:0.33821170545609774	some:0.16364884122950468	many:0.09430886169472241	all:0.09045765748417335	One:0.071993659024714	Some:0.06713734538714679	any:0.05774522523283729	part:0.05411293400777835	out:0.0523837704830253	:0.01
was:0.15757848262119958	-:0.143338224904374	of:0.12777558064758227	be:0.11810091175494203	and:0.10962945028047298	it:0.08888596412119709	at:0.08583310194015875	<s>:0.08000364461635753	the:0.07885463911371562	:0.01
his:0.29076839124609516	the:0.19117005758877045	their:0.1581952749381481	my:0.10647359437947224	her:0.07596558862813084	a:0.04956836665420326	its:0.04282870503594036	your:0.04044180767437344	of:0.034588213854866046	:0.01
you:0.18411398063384457	I:0.15711790455753252	and:0.12113612242485382	he:0.11097220042624802	it:0.10460469725842386	they:0.09877087959619307	that:0.07487538415537187	which:0.07062564841133889	we:0.06778318253619345	:0.01
to:0.40696427588592016	not:0.27830131345373466	would:0.09230208362315033	or:0.06535716755694916	will:0.04634948984220899	and:0.035438221066607344	never:0.02875457577856259	can:0.018857566180888272	could:0.017675306611978688	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.28236627465301084	the:0.20723426604969658	of:0.17114462321901844	to:0.08349457292475697	that:0.06105862745899761	a:0.04968165985351651	in:0.047714363716289065	which:0.0453777970640012	will:0.04192781506071274	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
the:0.36445686247264036	of:0.21458571190008457	and:0.08739297862071321	in:0.08733968445594431	to:0.06657773988743967	between:0.051477334236191295	a:0.05131501907710683	for:0.03570834615978444	their:0.031146323190095335	:0.01
the:0.42037928907667765	of:0.24333237495057738	and:0.09280925876662857	a:0.06378091200752233	.:0.03840497386607096	The:0.03700282787132728	to:0.03670985800402548	in:0.030272753447894443	by:0.02730775200927577	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.4966030091437765	of:0.11813774392390378	to:0.09996704638889792	and:0.08032798126003937	a:0.05312364110601024	tho:0.047065564886211	The:0.034723119252176506	said:0.031802965845284255	by:0.02824892819370055	:0.01
at:0.17820926272808865	and:0.15141172402694203	of:0.14712044259252915	the:0.1184417229671273	to:0.10582711021270462	.:0.09122991260504529	a:0.07834142388328486	was:0.06390872257420403	on:0.055509678410074086	:0.01
and:0.26114514591737437	to:0.23508875431087245	it:0.07601896413171359	was:0.07574841705350523	not:0.07503230283616254	would:0.07442293738717605	of:0.07251973381967071	he:0.06720237678632074	will:0.05282136775720431	:0.01
.:0.20764102020984837	the:0.13643739150302472	to:0.12180344587244503	of:0.11963191594302677	and:0.11712857169166473	a:0.08781912561503866	at:0.08191256511495089	in:0.06204687218931866	was:0.05557909186068207	:0.01
be:0.19727283114889058	was:0.16069308017810455	is:0.1339312642833711	and:0.10262960745856599	as:0.09391855124192178	been:0.09295147935364999	the:0.08592544865627799	are:0.0655213010992196	very:0.057156436579998464	:0.01
the:0.2539508298375765	to:0.20139293803872135	and:0.1856933143443605	of:0.10750803794636477	a:0.06665279579903632	I:0.06073389524229928	it:0.038595838584992874	as:0.03837814921741682	will:0.037094200989231725	:0.01
the:0.300686210193855	of:0.21096806493515693	a:0.1381357933630745	and:0.10528268922302725	to:0.060716588630403065	in:0.0600969003164862	for:0.05327594119872277	The:0.03243356836614073	by:0.02840424377313341	:0.01
as:0.34055959119226376	so:0.28202697791173575	very:0.12681392413578213	how:0.05618915284781228	too:0.05154316828188651	a:0.04104033566557525	and:0.03785288496706751	for:0.031059128144955494	is:0.022914836852921453	:0.01
the:0.819950994509951	tho:0.038021008097025494	The:0.0307866341095479	of:0.017801975007388077	a:0.017778322332638933	this:0.015864163500474978	any:0.013805474628449799	an:0.013542901363839205	on:0.011502258038336795	its:0.010946268412347806	:0.01
he:0.23121404532058468	it:0.21516344784232738	they:0.13270572375260759	It:0.11860374360144835	I:0.0860627738032671	that:0.05422878703492139	we:0.05210788688105833	who:0.05089663672489061	she:0.04901695503889457	:0.01
nothing:0.2402933411331797	and:0.11036658147609037	;:0.1043986038339583	had:0.10342442907178201	it,:0.10273375166041865	him,:0.09835388330566382	anything:0.0866009599333585	them,:0.07250798230203968	of:0.07132046728350899	:0.01
the:0.40236319521262653	of:0.14394991978725635	a:0.13647744854857902	in:0.09353397965314626	and:0.0591924494410861	to:0.052058196991207346	The:0.04764215628028516	on:0.028001516510207245	that:0.02678113757560595	:0.01
it:0.2729584026951744	It:0.2019268753344965	there:0.1721980432468542	which:0.089291803261744	and:0.058196099902667206	that:0.056855762504679185	There:0.056583628348712764	he:0.052765249277975344	what:0.02922413542769638	:0.01
of:0.25570693145847484	in:0.14419123250619176	with:0.11336512042686664	to:0.0998574611424579	for:0.09407172617169005	and:0.0897014328056371	is:0.07422936045027281	by:0.06228906523600142	was:0.05658766980240744	:0.01
by:0.2264177164504987	of:0.17838065990960353	and:0.14166109108731748	for:0.13648397714441668	in:0.13285199701624084	without:0.052494040424945106	In:0.048047570137574054	with:0.03711098934245731	after:0.03655195848694638	:0.01
of:0.5752343176843888	in:0.14728314967164774	to:0.07586931738189924	by:0.06094295978398383	In:0.03187140209691087	from:0.02685828138852238	that:0.02651800685039899	for:0.023111756606175194	and:0.022310808536072903	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
is:0.20160416001874765	was:0.17696451598776303	are:0.12393967465364128	and:0.10834210345654965	had:0.1058651300770079	has:0.09599318465073449	have:0.06990921364186808	were:0.06360103413434962	but:0.04378098337933831	:0.01
he:0.26091872378207337	which:0.13446863410472235	who:0.12649172141707724	it:0.11499519861261868	and:0.08757880565112004	He:0.08404924819066352	It:0.06983020241376814	that:0.06922205767100637	she:0.04244540815695017	:0.01
carry:0.2531501453566949	through-:0.22987000183719142	with-:0.1450204013714821	carrying:0.08293987265271313	pointed:0.06672683102072541	and:0.059369703054731424	sent:0.05515216574947199	brought:0.049249105518804445	carried:0.04852177343818517	:0.01
the:0.3569059852287623	of:0.2936319599865716	and:0.10771477743229847	a:0.054817733478274774	The:0.04239160565271605	by:0.042257202776800847	to:0.03384417513268536	in:0.02976560726532276	for:0.02867095304656777	:0.01
and:0.16051538492039444	able:0.12584552037456037	order:0.12023274904774982	him:0.10411986755347347	is:0.10230358199714916	was:0.09725639894996213	time:0.09647037435760988	had:0.09226467812513447	as:0.09099144467396625	:0.01
the:0.32008418738129385	and:0.17999697659894184	of:0.13415010891784424	The:0.07264365021655049	to:0.07066643261407062	that:0.061224115809305237	which:0.05810681015997055	a:0.05008197473387824	no:0.04304574356814494	:0.01
of:0.19966018256143675	the:0.184724237332001	and:0.14147972530634312	in:0.09727524586452894	to:0.0929165544128206	be:0.08756522378626802	a:0.08601516565726831	on:0.05718836141354428	or:0.04317530366578908	:0.01
will:0.22785985335704562	would:0.20364334475343554	can:0.1417115928741944	may:0.13349669989261223	should:0.0718459736583765	must:0.06343894138268621	and:0.052668782310912564	not:0.04794894224385635	is:0.04738586952688049	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
to:0.2763922595667652	and:0.25226018336027084	of:0.1000720868333263	the:0.09660432122513139	he:0.08679764754265043	in:0.07986806106730322	I:0.03498618953754003	was:0.03200892321032451	by:0.03101032765668794	:0.01
;:0.15723221993441813	it,:0.13940872336798274	him,:0.13709604606710518	up:0.13279376071190765	him:0.10315382762520608	them,:0.1018982895338932	in:0.07550706439255249	time,:0.07211537562953564	here:0.07079469273739895	:0.01
the:0.2936034235436952	of:0.20940467933061374	and:0.1687306012623634	to:0.10027028052800423	a:0.05032669682428698	<s>:0.0500153006575367	by:0.04075718948260423	The:0.039426744439720086	Mr.:0.03746508393117539	:0.01
a:0.16804683529286346	to:0.16749598381121344	the:0.16572905487683098	and:0.14262883851629296	of:0.11920531532682038	in:0.11144887101093487	that:0.04656393849707814	for:0.03743720823927828	as:0.03144395442868742	:0.01
be:0.2618748786138628	he:0.15739784239807234	was:0.13102893680441882	and:0.10087786093053959	are:0.07555304633784887	been:0.07552967195493825	is:0.0748348552113116	have:0.05671304167504444	were:0.05618986607396321	:0.01
and:0.1890264847316306	to:0.14970543844228837	the:0.148390956229159	of:0.13131763391307757	was:0.11877739144836959	be:0.07853696131994052	is:0.06935036031488055	I:0.05802333070900117	in:0.046871442891652536	:0.01
and:0.30010149250053764	he:0.22441692164154586	He:0.13781036492803922	who:0.08957395330574856	that:0.05582563765873993	I:0.053086785113405754	she:0.04717397670856321	they:0.043079751799484166	it:0.03893111634393569	:0.01
with:0.18310907051446637	of:0.1792729631058936	in:0.11971399676896784	is:0.10314958763886262	for:0.09092157091512329	by:0.08692366964872361	was:0.07906523490505324	to:0.07768982010286103	and:0.07015408640004836	:0.01
;:0.22559084303002083	it,:0.1545946589131965	them,:0.12346183780082112	in:0.10843452478653938	him:0.07845983793789164	up:0.07624506824521522	you:0.07516510365591558	it:0.07403412068439238	and:0.07401400494600735	:0.01
the:0.30226878663324	a:0.24232248811544035	of:0.09967837147152467	very:0.07547639515218002	feet:0.06817485209702424	and:0.06464834725225746	in:0.05057629330130193	on:0.04903918270868013	inches:0.037815283268351096	:0.01
I:0.2849516073868905	and:0.12146040122427196	had:0.11661086587892971	he:0.11268345863928288	have:0.0937723572529113	has:0.07830329120912252	they:0.0728278846271458	she:0.05614565644999106	will:0.053244477331454175	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
of:0.37430063636365046	and:0.13915356756721378	to:0.11902792440466353	in:0.07363317389630407	with:0.06694949509614707	that:0.06159298460332581	on:0.05603621937624605	for:0.05349762432448863	by:0.04580837436796073	:0.01
the:0.2828283347463955	of:0.20523097581102706	to:0.10010986559911798	and:0.09443061999519109	in:0.07414695899134839	a:0.07332383157188074	be:0.060195581261116946	his:0.052225565556205014	at:0.04750826646771732	:0.01
and:0.22190246057150972	I:0.15204668574116934	he:0.13005870033155367	1:0.10670544817540081	feet:0.09801263623304336	one:0.08475365273918573	friends:0.06722974480257615	man:0.0665030048992256	well:0.06278766650633556	:0.01
the:0.7060717470419241	to:0.05229355964541321	of:0.04656424304322071	all:0.04355582650424124	The:0.03877077876055698	tho:0.027763547855693724	a:0.027347177583568066	and:0.025772309310836152	their:0.021860810254545632	:0.01
or:0.2788713372507185	the:0.2614193600530655	and:0.09037572593117131	a:0.08570394791154085	regard-:0.07624676072924118	not:0.07348928201766368	be:0.04492450457398689	no:0.04046859859753298	with:0.03850048293507914	:0.01
the:0.5249887101830047	to:0.08603631095454892	his:0.07244845653702232	of:0.06555573349094526	their:0.06308608840409147	and:0.04997082206509245	a:0.04511506648933187	this:0.04274908134536746	at:0.040049730530595615	:0.01
in:0.4948033982483109	of:0.15946839167607277	In:0.09336310933297405	to:0.05398342433691264	for:0.04951203600234666	or:0.04189992911491773	at:0.03543829298563007	by:0.032143188418405653	from:0.029388229884429577	:0.01
is:0.40637022998761824	are:0.24446089128919027	and:0.10877155859965287	Is:0.06863555856617394	was:0.054834537742027324	not:0.038538402478566366	but:0.02327996140056215	am:0.02257561717215822	I:0.02253324276405072	:0.01
hundred:0.38931501146013164	;:0.09073872491570799	up:0.084572018357505	and:0.08332308836398625	.:0.07398822842565556	time:0.06967534054425051	,:0.06887328330103915	men:0.06818295735571368	out:0.061331347276010174	:0.01
to:0.23090650016367734	or:0.2213485533999857	and:0.15817835130364993	not:0.08565977709869413	of:0.07757705371130531	there:0.05662018253673487	the:0.0564554375395424	nor:0.05269989987556751	that:0.050554244370842806	:0.01
hundred:0.23435690358138608	wife:0.11125734015339118	right:0.10888214927012235	gold:0.1041256970314151	one:0.09767693598642986	feet:0.08785664036517477	up:0.08562549038221928	in:0.08137617403030498	man:0.07884266919955625	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
and:0.24715944158911993	depend:0.10115542297585235	based:0.10085046174861782	placed:0.09929781518962862	depends:0.09865819847804204	called:0.0967281156431388	down:0.08601932662424668	made:0.08525060516232963	effect:0.07488061258902408	:0.01
the:0.22443319974836648	of:0.17138833819162766	and:0.16053821376159752	to:0.14050097146139537	in:0.08627699625443931	for:0.060835378897025	by:0.05585936115047445	with:0.04550560623248158	that:0.04466193430259274	:0.01
and:0.17082046578071827	put:0.15526386547990995	as:0.1251933516431479	of:0.12338248111159618	to:0.11168370613519756	for:0.09576030799939818	that:0.08756318744957066	with:0.06335269927170917	make:0.0569799351287521	:0.01
the:0.3782414225537488	of:0.21312479191447145	to:0.12947834221937074	a:0.05197100695916896	and:0.050962147308247996	this:0.04707193278816353	for:0.04191403565623128	in:0.04106072874960888	The:0.03617559185098832	:0.01
of:0.3208797532493477	at:0.16782944313383097	and:0.10475762903698578	to:0.09134021632765202	that:0.06991948456308125	for:0.06067992884856772	in:0.059598325969524336	on:0.05949487752825318	by:0.05550034134275705	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
of:0.2067718844985638	in:0.1823911454641321	as:0.1393196763727765	with:0.10840578373849191	and:0.07418524919530228	to:0.07326377672166455	is:0.07295629171706505	by:0.06820203646572356	for:0.06450415582628012	:0.01
and:0.30729067212790756	which:0.16933262121202308	he:0.1229113525869788	that:0.09336256140478323	who:0.06955625076712761	as:0.06898139944859355	it:0.06151197593254287	It:0.05155908774059322	He:0.04549407877945009	:0.01
of:0.3675919075992141	and:0.1406054155332858	to:0.11878400249372824	for:0.07513557593650394	that:0.06890901179092043	on:0.06261899047085076	in:0.0573334229514658	by:0.051818709991489624	with:0.047202963232541306	:0.01
of:0.5108022186311897	to:0.1582864282241455	in:0.07632157417616069	that:0.050662924226223684	with:0.04404566402742835	and:0.04271817211897536	by:0.039042690210995226	for:0.03653182059948197	all:0.03158850778539957	:0.01
the:0.21556827477664783	and:0.13225664083801222	an:0.1265209272451605	as:0.116230427553775	a:0.10915047592012493	to:0.09632603251117842	this:0.07406509108845245	good:0.0728797851949736	great:0.04700234487167504	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.40265889773979324	no:0.12815608667033554	any:0.10286814142332407	a:0.092974023987007	an:0.0848195558300606	his:0.060641706986486535	every:0.04358564761301086	this:0.038182987001440544	good:0.03611295274854164	:0.01
to:0.45741422693640243	the:0.17106662371850198	and:0.11372351452239582	a:0.07858433134569501	will:0.05684650256165625	I:0.035422666753123506	that:0.026485660934482635	would:0.02527194322198237	of:0.025184530005760052	:0.01
in:0.32345391807845997	of:0.2936083763287887	from:0.1223576866237881	In:0.09178546212502145	by:0.03787407729085966	on:0.034897384251748584	and:0.03362853257131271	to:0.02629411385052206	with:0.026100448879498642	:0.01
and:0.3457039234614336	that:0.10311999288717827	made:0.09565172963210784	or:0.0878490402049739	one:0.07308568600394094	out:0.07300955719005632	them:0.07184668420927959	up:0.07047991917662043	but:0.0692534672344091	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
It:0.3684666802234462	there:0.1852605976529453	it:0.11843513162829253	There:0.11777388257227411	This:0.04942591871229191	which:0.045985349501477764	that:0.04180952542028888	he:0.03927996615360411	and:0.023562948135379038	:0.01
of:0.2736994393291944	the:0.20589443997521542	and:0.1278522722492943	to:0.1157530886878417	in:0.08122587347230173	a:0.0732541322240005	with:0.04082339426050398	for:0.03676531706429182	by:0.03473204273735615	:0.01
and:0.22004267196329094	the:0.20665083533658665	he:0.14388096963920013	was:0.11043002549032084	I:0.1097872294754675	had:0.060474169086296985	be:0.055814566578985335	his:0.04891543892724812	to:0.03400409350260342	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
is:0.2666162808679759	are:0.17507708765099994	and:0.16646525195612727	the:0.14884628170607003	a:0.06383494162702366	but:0.045765447162477345	Is:0.04518641083281631	not:0.03998436353603611	I:0.03822393466047341	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
and:0.20402892144254128	and,:0.20017443490125944	that:0.1064836071451236	but:0.09975158667771727	is,:0.0927614024276201	if,:0.0836021870898553	This,:0.08167854678673785	But:0.06577084573883114	which,:0.05574846779031416	:0.01
to:0.2805102542098732	I:0.25223974280924477	not:0.15000754223660615	We:0.10080487071818654	we:0.08780344172023423	and:0.03933834255733225	you:0.03398378343806696	who:0.023596432965109704	They:0.021715589345346113	:0.01
day:0.18425702923158127	city:0.1558657815633114	County:0.15564486637929423	City:0.10944009436110097	board:0.0880109956281066	line:0.08281965174536658	quarter:0.0728855423802726	county:0.07122360483385431	District:0.06985243387711222	:0.01
it:0.2339971591875504	he:0.22175178669260312	It:0.15586992462224092	He:0.0874047617692456	I:0.08731629154714679	and:0.06787109671217852	she:0.05126646256903319	which:0.04932803693400334	who:0.035194479965998136	:0.01
have:0.212891329876959	he:0.16921877763608836	has:0.1348143225580542	had:0.11501153574430403	and:0.10840785273418227	I:0.09935603593482178	be:0.05829886088185184	He:0.04690484751272787	who:0.045096437121010614	:0.01
hundred:0.5983632432161703	3:0.05866925224644741	dred:0.054122552012619105	Hundred:0.050768987818614594	2:0.05027997273827701	7:0.04950692242343482	north:0.04401015824127268	6:0.04236880056961157	4:0.04191011073355261	:0.01
is:0.1850298535195497	as:0.14040466315770533	and:0.12751083927252047	was:0.10893717982355304	not:0.09471718953743663	enough:0.08589394931230619	him:0.08529445017620126	are:0.08193862505988912	order:0.08027325014083814	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796673	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
<s>:0.4133036278412333	it.:0.14925545362254378	.:0.08519021562169737	day.:0.07262380798496203	them.:0.07198024439153519	him.:0.0602674341481419	time.:0.050026606435028605	her.:0.044484249927478285	night.:0.04286836002737964	:0.01
a:0.3154702495943068	and:0.136988114073543	the:0.10560984562152428	was:0.0909699204122472	to:0.09068605741644035	is:0.0750498303469342	came:0.07300464498093348	as:0.059466987074980784	be:0.042754350479089875	:0.01
of:0.34444290693673774	and:0.14171508688930948	to:0.13609419534614317	in:0.10909081820387995	with:0.069951591708357	from:0.0524719626601693	by:0.04992853903408401	that:0.04638286881831119	for:0.03992203040300821	:0.01
at:0.24583418896452575	the:0.1780638265877916	to:0.15003303026728915	this:0.12201031929258381	of:0.10422106768887035	his:0.06351217476885693	and:0.04422713419266879	in:0.04255737766393291	their:0.03954088057348084	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
the:0.37978896743205404	of:0.2402653169791735	and:0.11333943099548388	a:0.06942462149043152	in:0.055514151675577585	to:0.04402646993687941	from:0.02962352713709736	by:0.02944598288088627	with:0.028571531472416367	:0.01
the:0.40835859900266236	a:0.4082167277044483	The:0.040408729551277056	to:0.04002011983497459	unanimous:0.028550153129837694	tho:0.020843837654147185	and:0.016260617765773554	no:0.013798547905796744	A:0.01354266745108255	:0.01
of:0.321975766125421	in:0.16651115935666672	to:0.10963703528302408	on:0.10503264579554986	and:0.0854306939709636	for:0.05469478252858493	by:0.0523234338359104	that:0.05034777632230616	with:0.04404670678157324	:0.01
and:0.24785708376819823	was:0.15868356667740807	are:0.10263306744453368	is:0.0978968071700999	arrived:0.09229589046696071	it:0.08171659937283267	them:0.07261963973951394	be:0.0682808100750773	not:0.06801653528537555	:0.01
he:0.19393653458628665	be:0.1643094792728212	and:0.1606006440844457	was:0.125770291540325	had:0.09093426308187716	have:0.07698655754603283	I:0.062086515878366486	has:0.05976285179005914	is:0.05561286221978586	:0.01
amount:0.18451834698770145	payment:0.12752257453928736	out:0.11773798217753961	value:0.11619392664193294	part:0.11477524831687132	proof:0.10470183198149745	all:0.08274505676876123	tion:0.07631394920116809	proceeds:0.06549108338524051	:0.01
of:0.2235271285588845	to:0.1756940933805613	and:0.14357925452773088	in:0.11756833811998889	the:0.10029646277677762	not:0.07742720759188239	with:0.05946865308801716	is:0.04995956143475165	will:0.04247930052140554	:0.01
was:0.23431932196014219	carried:0.13778051977635672	be:0.10383237669386744	went:0.10159388147423135	taken:0.09534243684935326	is:0.0919769686743562	far:0.07595409302784394	it:0.07555522540672456	laid:0.0736451761371243	:0.01
in:0.44102910005287654	of:0.12968292572134998	the:0.11719015679115638	In:0.10713409708726827	to:0.05472967895947008	into:0.03665359582359108	this:0.03581492877072656	and:0.03471134168283063	on:0.033054175110730416	:0.01
the:0.7569183414759127	a:0.07800004991725089	The:0.041332522225983	tho:0.03812099784262838	in:0.019828470860505994	and:0.019365666930719637	tbe:0.015211021483641363	this:0.010621748999524117	of:0.010601180263834048	:0.01
or:0.7249904927829421	the:0.08915672238229434	and:0.05941163936837599	a:0.05469530833423353	of:0.019820322289059458	this:0.011138411943604522	as:0.010709403863797687	in:0.010424282686399696	that:0.009653416349292562	:0.01
is:0.1854489311491107	was:0.18080860636818885	the:0.1647413934765129	and:0.10116598936261043	are:0.09372826040261395	be:0.085921204533472	a:0.06950685066056692	very:0.055609253865363445	been:0.053069510181560794	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
be:0.24758844918087064	is:0.1368467651422136	was:0.11160810367707008	are:0.10744752505568206	not:0.10120228029203213	and:0.08169588303567459	an:0.07252107900925561	as:0.0657619170147253	amount:0.065327997592476	:0.01
a:0.2624774583789531	the:0.199560559085454	of:0.17043740037627544	in:0.08941420754259406	and:0.08631124462137402	to:0.06967574507524112	an:0.054745917043327826	for:0.03054127226813062	his:0.0268361956086497	:0.01
-:0.25118285771150844	<s>:0.14461238531400528	of:0.11802420213506472	I:0.09263278606659908	and:0.08192576050852159	.:0.07788802653465511	w:0.07617852331050527	to:0.07556642467926077	ti:0.07198903373987973	:0.01
and:0.26958579283201645	them:0.11612667884598861	put:0.11344325375628718	out:0.1013617992958137	carry:0.08227680625552684	was:0.07994197358382521	work:0.07720203559131127	it:0.07531599500828415	that:0.07474566483094668	:0.01
of:0.3799755060013862	and:0.13830774868733944	to:0.13798325614033502	that:0.08307014005629552	in:0.06282257989699976	by:0.05547096521074367	from:0.05275778027166779	at:0.042359615819020764	with:0.037252407916211795	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
one:0.26177410899864684	out:0.15556960502827208	part:0.1300889311722691	some:0.11334280627319535	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229724	and:0.0565737601528326	that:0.055371084160479686	:0.01
to:0.676937823204827	and:0.06575190567750071	will:0.05543370189412596	would:0.05141231451171225	not:0.04890295851662166	can:0.030921011112684815	or:0.020476061886515858	should:0.0203272830163012	could:0.019836940179710584	:0.01
that:0.21395379404323336	if:0.2096065990123064	If:0.17870741297646842	and:0.10641346275805422	as:0.08402461689177947	which:0.07424992868077968	what:0.04479573442239802	when:0.0440761545467638	for:0.03417229666821668	:0.01
to:0.25899009985987886	and:0.20691113851486853	of:0.12222836551254562	the:0.08594736535787019	is:0.07480810658605944	in:0.0664871705332616	was:0.06439095079885332	con-:0.05644473110180624	will:0.053792071734856284	:0.01
has:0.2037149445616515	be:0.19042119163499563	have:0.16181257876487617	had:0.14063561866158428	was:0.10832378506512073	been:0.0647829928114955	and:0.04270065610616241	were:0.039066815927649656	is:0.038541416466464105	:0.01
and:0.38313577196477067	him:0.08633579147109542	reason:0.0849154092493801	made:0.08427592616698751	but:0.08147530267248447	enough:0.07305225209565179	asked:0.06965930237359723	time:0.06381268945419652	them:0.06333755455183629	:0.01
to:0.41411265055127494	will:0.16704281189687922	may:0.09506006182771065	would:0.08404677926682592	shall:0.059096947175112595	should:0.0556035136772846	must:0.04332199907009997	not:0.03901042823384071	can:0.032704808300971354	:0.01
is:0.20000008351604642	of:0.16906764904156202	was:0.10971246208175749	and:0.10122569193696938	with:0.09273455873122421	for:0.08960495213617081	to:0.07821034573294333	in:0.07600559648856782	as:0.07343866033475839	:0.01
was:0.2640694202192033	is:0.18608022301285745	be:0.13700017392460934	as:0.11851391555051138	been:0.06674920651894325	and:0.06428168667031436	were:0.06032478235871182	are:0.05821534473939936	the:0.03476524700544965	:0.01
<s>:0.5099015927495416	it.:0.10752731801963447	them.:0.07098562373409452	time.:0.05795101252340301	day.:0.05645150229337925	him.:0.054118633594923575	country.:0.04683811602566045	years.:0.04487865450431651	.:0.04134754655504662	:0.01
the:0.25328019430960425	two:0.14161395297760349	of:0.1384397724172819	and:0.13188141971322054	for:0.09065485973851037	The:0.08226762919491973	three:0.05696245987184083	that:0.04801732131772603	few:0.046882390459292884	:0.01
of:0.35308077646939817	the:0.12313208895778319	by:0.11693422115934363	from:0.09933755645013262	to:0.0734330511846077	in:0.06844268806394242	and:0.056817709284209664	with:0.054099074696157476	for:0.04472283373442498	:0.01
<s>:0.5951356855585156	it.:0.07618181379897165	of:0.06128229369445488	them.:0.05695639362723634	.:0.05618065674948097	day.:0.04049925336091066	time.:0.035918455648172684	to:0.034496320347636805	year.:0.03334912721462056	:0.01
<s>:0.2613088549649225	and:0.15580981423434095	was:0.12353456311453885	be:0.12011264833573745	is:0.07434522515091425	are:0.07263628290767327	that:0.06650679362055881	were:0.0627739386615939	.:0.05297187900972013	:0.01
the:0.7024410490053622	of:0.06521235425438382	and:0.04446173150741944	The:0.04416987058425283	tho:0.04138095953689245	Rocky:0.031327137691278796	a:0.02232689168565502	tbe:0.020383169989844675	in:0.01829683574491074	:0.01
the:0.3744238625092626	a:0.1182635688386455	of:0.11807070541776896	and:0.10002319756146254	Mr.:0.08566215706737389	The:0.06301574640889705	to:0.05127050044831953	in:0.04159434724814008	an:0.03767591450012992	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.12537937924608727	and:0.10985980430753879	in:0.06240993305390327	for:0.06192854377065039	be:0.05083764956696977	was:0.03700580416928512	is:0.0336844012946531	:0.01
the:0.4700975392265114	The:0.2178755437527317	of:0.08408289010211514	a:0.0757338869260025	and:0.05520509250982899	his:0.029939032767132688	tho:0.027817712789184823	that:0.015600478045902623	Tho:0.013647823880590267	:0.01
one:0.24882240893376512	out:0.1887334300387465	some:0.1202990048149477	and:0.08521320866975132	part:0.08323606031267282	many:0.07356812523477475	that:0.07216167073460969	all:0.06139999770845047	time:0.05656609355228154	:0.01
to:0.22586318787207918	for:0.1244273977876566	given:0.11815522075682763	upon:0.11313172578027189	with:0.09403849282103333	by:0.09162228971974383	told:0.07989410747345221	against:0.07312111834001593	on:0.06974645944891923	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.4518206639878282	young:0.09025339046831114	business:0.08589808740912373	of:0.07951288218755649	and:0.07697367293443745	The:0.06404560654490159	two:0.059205581308769975	many:0.04279706394276691	by:0.039493051216304496	:0.01
the:0.22669854374274823	a:0.16065144283152755	and:0.15682055975370968	of:0.14859189720612156	to:0.10768267476423311	in:0.05931814572121813	be:0.05857337530993183	was:0.03748628502926306	is:0.034177075641246855	:0.01
Mrs.:0.19547401404804865	of:0.16660715054236694	by:0.15049468570236968	said:0.14051819896318088	and:0.12783556922393272	Mr.:0.0626207743010434	boy.:0.05362676913244125	to:0.05070155101102546	girl.:0.042121287075590985	:0.01
few:0.3085215560421581	two:0.20795032053219492	three:0.18984103960694915	six:0.07219627414699768	some:0.06653628875066525	several:0.05633390015921645	four:0.053083245409929335	successive:0.01798550992012505	five:0.017551865431764166	:0.01
the:0.3141697498569716	of:0.13596872111181624	The:0.13148451940784603	Mr.:0.12071271065510487	and:0.08466951013671548	that:0.08137847559446529	a:0.05140346651734129	Mrs.:0.04087284649549475	his:0.029340000224244486	:0.01
feet:0.1758671023723282	as:0.1363540627409598	day:0.12857757737272457	went:0.12499522731556642	came:0.09769602174592441	up:0.0969473072937293	prior:0.08344306497039433	and:0.07874052220286883	back:0.06737911398550411	:0.01
the:0.38516224736276655	a:0.16069669756154156	of:0.11511036345930441	and:0.1088215399937277	to:0.05720663348913875	Mr.:0.05672336074849826	The:0.04204438888923643	in:0.0341942401357692	tho:0.03004052836001717	:0.01
to:0.3694857790946748	the:0.2672247185674746	a:0.11565451936165436	this:0.05528947445760665	will:0.048080063811805844	would:0.04423231328466273	and:0.03999180120400363	of:0.02608309756824687	in:0.023958232649870556	:0.01
the:0.8300295166036566	The:0.06147835389463927	tho:0.044425789945881575	a:0.01931240517227668	tbe:0.01762090902220935	said:0.0059155696169406104	and:0.004771897993464632	of:0.003300671940889745	any:0.003144885810041321	:0.01
and:0.2808865126133064	of:0.18110105178426195	by:0.0890019322958133	after:0.08628254589152268	to:0.08481509878285397	in:0.08017321435285803	with:0.06690692854729512	for:0.06454438091842529	without:0.0562883348136632	:0.01
and:0.3450810506883787	of:0.14338860411640736	an:0.10177191714793056	to:0.10037896600357867	said:0.0677774954912588	that:0.06129135561569985	which:0.05810134078767575	by:0.05648166921953641	as:0.05572760092953391	:0.01
is:0.40826373882739725	are:0.26738498346627526	was:0.07651950625100282	and:0.06806161391238051	Is:0.052907332927493084	not:0.0337663810991366	has:0.03291520601615783	have:0.029162845974578962	be:0.021018391525577853	:0.01
to:0.23673600117623217	and:0.1712761344283026	the:0.15811526447852628	of:0.13046492978393828	be:0.07570346483499009	was:0.0727881423304626	is:0.05877721261464536	for:0.04462947883569667	been:0.0415093715172058	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.33842588323042805	in:0.1783379300085384	and:0.140411348025725	for:0.1002514478537035	to:0.07737434685191381	all:0.04583593919760189	from:0.0427095766691516	In:0.03757933644676544	fact:0.02907419171617236	:0.01
that:0.20702571008318724	and:0.1977258918944837	is:0.17576300467859157	was:0.13011129069383504	but:0.07896961818988923	had:0.0627738381981591	have:0.0521192167785041	be:0.04888460668624861	with:0.03662682279710155	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.11808702737128361	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
was:0.27390593374756966	be:0.21192267846493465	been:0.19431634068452483	is:0.08263060340291935	were:0.07963640230788915	being:0.04562030568057756	are:0.040490403827281744	duly:0.03959590577225797	and:0.02188142611204504	:0.01
the:0.29247237409526505	of:0.24624191642422222	and:0.14296481611065612	in:0.07886093580105774	an:0.07628315852865947	a:0.05205268016219818	In:0.039431012204017075	tho:0.0313557036293535	for:0.03033740304457063	:0.01
Mr.:0.3702077283855257	the:0.14232419127082221	Mrs.:0.11394764053776242	that:0.11242229092684473	and:0.06846573297634066	The:0.05783943596549008	of:0.05664637882626886	as:0.03756157558913006	<s>:0.030585025521815214	:0.01
the:0.34086280338812647	of:0.22093040488122542	and:0.14086953403042624	to:0.07661365940134278	a:0.0680104676241266	in:0.051012877342832365	or:0.03226666770178503	for:0.030271126034271952	The:0.029162459595863208	:0.01
the:0.29560947974907853	of:0.20700966745357796	to:0.1370338506283682	and:0.09556482631094693	in:0.09005620550513556	a:0.055435090022259714	from:0.038595878476520296	for:0.03692287951591888	on:0.03377212233819419	:0.01
so:0.38758075701856	as:0.21056697043876385	thus:0.13945610924299398	not:0.0565689060330813	has:0.048578250367687946	have:0.04232815196352235	So:0.04231037673488106	had:0.03348651894170849	and:0.02912395925880108	:0.01
the:0.3651508149182535	a:0.3571000846707914	feet:0.05208641640361157	of:0.049693536365592775	very:0.046022077868290885	and:0.03537485334239394	miles:0.0315169678895437	as:0.027944301318994176	The:0.025110947222527973	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.28498396916493884	fact:0.16772936846355152	believe:0.11030694448047389	said:0.08282177114676714	so:0.07893580056348255	know:0.07415064946025164	say:0.06745413129811946	is:0.06613540608435196	but:0.05748195933806298	:0.01
is:0.22459151188799142	be:0.1638862740120662	was:0.14405521425597684	are:0.1329045451653582	been:0.09549431831110809	and:0.08080769049032668	were:0.05315340115211247	have:0.04817819466041725	Is:0.04692885006464285	:0.01
would:0.22980511667265655	to:0.17299540970927665	who:0.12482764014450815	they:0.1035530767531353	I:0.09251266344910343	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.055635813079984546	:0.01
the:0.6639985346917596	a:0.08044241801775574	this:0.07639923307866754	said:0.05257407367074276	tho:0.02615301001574823	further:0.024361349526511745	any:0.023319207614397815	large:0.022090846241977994	principal:0.020661327142438585	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
it:0.24686362420814031	he:0.1979417568105073	It:0.1550388266431037	I:0.11216095483048293	He:0.06573598728029229	which:0.06391311255864916	and:0.058594392343818864	she:0.0585773712332433	that:0.031173974091762077	:0.01
of:0.4327606468298573	to:0.1196061572567624	in:0.08418703813476254	that:0.07651320784401786	for:0.07405622230684765	and:0.07346224312458302	with:0.0489479766996418	by:0.043424788261691355	from:0.03704171954183598	:0.01
the:0.8440911736901059	The:0.05338168809403719	tho:0.028461736880908296	this:0.017304089161641244	a:0.011377650123868818	and:0.011040819196097397	said:0.010343471220139781	tbe:0.009458530074233956	next:0.004540841558967441	:0.01
the:0.29625756481331184	a:0.21030809934818984	of:0.18679193656621532	to:0.0708291665482815	this:0.053306392898573945	in:0.04544603593968064	his:0.04489459341657673	and:0.043876508761295396	that:0.03828970170787471	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
of:0.24558240820442903	and:0.2294912904312934	in:0.16652774306195933	to:0.13526995586883592	the:0.07395594302199228	In:0.0495038160199978	that:0.03271154849973813	they:0.03084072170399001	by:0.02611657318776416	:0.01
few:0.19450152953606933	five:0.13857266093962292	30:0.12889195606878387	10:0.12037564792394828	15:0.09283930446972474	three:0.09072078564861187	ten:0.08380586767590557	45:0.07614630683773511	20:0.0641459408995983	:0.01
of:0.280190845339385	and:0.12320523122048532	in:0.11977656065876814	to:0.11751670573645927	that:0.09258602815014572	with:0.08173959990435524	by:0.06044291701250789	is:0.057776400260253394	all:0.056765711717639826	:0.01
the:0.5956399598597361	The:0.10842512355547573	this:0.08876300276063794	said:0.0587459614270298	rail-:0.04657512008255806	tho:0.03181518348603225	rail­:0.02883075901222134	a:0.01574958400204927	that:0.015455305814259435	:0.01
a:0.37552245767899584	the:0.354281759836515	The:0.09955171572582698	this:0.03497753748886995	his:0.030554478510565895	that:0.027909539121078786	tho:0.02319948688953459	A:0.022820746261423153	one:0.021182278487189846	:0.01
of:0.3293387378454081	to:0.13588505052361952	in:0.1324654638648704	and:0.07903404811115332	that:0.07055098241519413	by:0.0677010198215086	on:0.06283241823507148	for:0.06212720587526149	at:0.05006507330791292	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
in:0.24963004513769388	for:0.18782106812249647	of:0.17584207456998097	to:0.09230537944869792	on:0.07670023931706185	In:0.06902809770557898	from:0.05357428061925179	at:0.04457814137921815	during:0.04052067370002012	:0.01
made:0.20606676360262302	and:0.20040532528491087	owned:0.13383030805196736	occupied:0.09301599772971744	accompanied:0.08391360314116256	assisted:0.07739609939906003	given:0.06832840876283912	followed:0.06786946081494064	signed:0.05917403321277898	:0.01
is:0.2784631131670363	be:0.2196228014885983	are:0.1428621781409449	was:0.11935922336568351	and:0.07678327398015508	been:0.040350769140349345	Is:0.038101361203158074	not:0.03740134506575619	were:0.03705593444831832	:0.01
person:0.23281862364253889	one:0.2034947129794607	more:0.10690987298792885	action:0.09415034252437884	man:0.09140528413367112	city:0.0724693075264199	in:0.07095714165608993	owner:0.0648508251378353	law:0.05294388941167652	:0.01
the:0.22397134121426301	was:0.19942093869419455	be:0.12449244513447062	and:0.09709815396076862	is:0.09626178704788198	been:0.07199406640597622	a:0.06598449928523703	were:0.05825675864246041	are:0.052520009614747475	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938135	be:0.08008775556196854	a:0.07801796281644585	in:0.06960382693033287	is:0.06885254681667448	was:0.06803906530008293	he:0.0635047829848459	:0.01
made:0.24045435542744667	and:0.23464210073409186	or:0.1200765638048787	it:0.07362996342121234	paid:0.06765443619763342	accompanied:0.0676382050027566	that:0.06328132990515498	ed:0.062213755465309065	done:0.060409290041516336	:0.01
and:0.21843181215981214	was:0.1230405661772134	application:0.11201600084458439	there:0.10543464100911014	so:0.09104954407601035	place:0.08983240976791725	feet:0.08549378372770965	as:0.0831532901994411	him:0.08154795203820163	:0.01
the:0.43142035873479156	and:0.11391028234865838	a:0.10003552143208735	of:0.08861089863957465	The:0.08561512584379367	this:0.059578047929625004	his:0.044618641524518915	its:0.03321055955151211	tho:0.03300056399543838	:0.01
virtue:0.21738001102627372	out:0.18977337920912904	part:0.11522775944009786	one:0.10400846177203443	quarter:0.09462884564091131	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
is:0.1936087435691293	was:0.1438323593143901	are:0.12186296434341748	did:0.11746438789983729	do:0.10721052931890086	could:0.08616034692945328	and:0.07546047057592255	does:0.07227133429734382	will:0.07212886375160546	:0.01
the:0.2934620670631732	of:0.2141593332667423	and:0.15945002087278187	to:0.06780370218056998	that:0.06419988100345989	The:0.06058387775262816	in:0.0583461619364558	which:0.03917179644278349	or:0.03282315948140535	:0.01
and:0.19981924536136086	able:0.13248592988721566	order:0.123134489772308	him:0.11025442400641676	necessary:0.09921571203751137	unable:0.08749410447623966	enough:0.08095777976827818	is:0.0791396149871568	them:0.07749869970351272	:0.01
and:0.22465341856951163	of:0.18398944533749134	the:0.17512623129788135	to:0.1294106491223159	in:0.08287962300650203	for:0.0639807036362261	a:0.045637345735997356	be:0.04334382841250944	<s>:0.04097875488156492	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.4360667341531061	or:0.13607605449649846	that:0.08481531967431315	it:0.06128949466516357	is:0.0571767370084036	one:0.05426192514257556	out:0.05370683503320255	but:0.05355623428986853	are:0.05305066553686856	:0.01
in:0.2849191550048591	of:0.17906755417652595	to:0.10733941527995425	with:0.08888384068794526	for:0.0794512754937931	from:0.07686593721318759	by:0.07177077902446355	In:0.06488916848602157	and:0.03681287463324955	:0.01
of:0.3460607117213763	and:0.11591883397339094	that:0.10349643361766388	in:0.10067497324150197	to:0.09560195382594888	for:0.07734247718693772	by:0.07106715228835274	when:0.044097934887857286	In:0.03573952925697027	:0.01
the:0.6525935421539667	a:0.1599592970333855	The:0.04589259857062017	tho:0.0357920068010191	and:0.02773215718483118	seating:0.020992085532394258	this:0.01818251054022782	great:0.01513389455737051	tbe:0.01372190762618474	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.32344792120366006	and:0.13574983968668922	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074353	be:0.039104903932751574	:0.01
of:0.3362406803069082	the:0.30308670599730353	The:0.10270148851560253	and:0.05162274763007371	other:0.043963919780029774	these:0.04378740500830648	for:0.04098831599614843	at:0.03438553678432564	all:0.03322319998130161	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.4326845688133965	to:0.1483652581824046	in:0.1302922393237737	by:0.05705784658395068	for:0.05694320706812844	that:0.0549448763704483	and:0.05125575659034567	from:0.0304459478790736	In:0.028010299188478645	:0.01
they:0.26004076152708355	who:0.12520266395751167	there:0.11579702370869377	we:0.11373584132620913	which:0.08776419117906968	and:0.08322440250912155	you:0.07598043962573241	There:0.06594329369292243	They:0.062311382473655905	:0.01
<s>:0.6507796525205357	.:0.084790958156158	it.:0.05679809110708545	them.:0.042480185160281125	of:0.04164301437540256	day.:0.0374053345579648	time.:0.027346135062250945	year.:0.025130267119269585	country.:0.023626361941051985	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.5012296711627251	of:0.14486039342424306	to:0.09663212922834191	and:0.063999003744818	our:0.05755083612027526	by:0.0357926713712869	many:0.030935218537881587	The:0.02968982338632759	these:0.02931025302410066	:0.01
of:0.27915740879339174	in:0.19382429026844014	to:0.13169619000339935	for:0.08785832696387569	and:0.0722295453702414	by:0.0690876318378336	that:0.060052082968087894	with:0.054994501576528	In:0.041100022218202206	:0.01
of:0.4439806827773154	is:0.08921591406086372	to:0.0827755623582013	for:0.08028346969902174	in:0.07245699715722365	and:0.06873477572635728	with:0.06042675975121883	that:0.04961744048834344	by:0.04250839798145469	:0.01
of:0.3109107872284452	and:0.12644542128862368	to:0.11078899842463713	for:0.10611587401054574	all:0.0840438558587964	that:0.07703747577421102	with:0.07194220916357039	by:0.05878037878707625	in:0.04393499946409423	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
him,:0.1769044785172874	her,:0.1533126647453332	him:0.14792666351209227	;:0.12263714346654286	it,:0.11686016549746514	them,:0.08381371197818727	up:0.06870904744491085	man,:0.06077443664281835	me,:0.05906168819536257	:0.01
for:0.189798489679346	and:0.18544956567294327	as:0.1087221627463131	that:0.10208238482903409	to:0.09782570887607346	in:0.09322041310824385	of:0.08316277014484293	but:0.06508815220824771	cleanse:0.06465035273495556	:0.01
the:0.6786967038796611	a:0.05730789716133007	The:0.05430711446449172	tho:0.0423948059568251	of:0.039819662897528446	all:0.03719987567293217	and:0.03427318757568545	other:0.03022110836006985	tbe:0.01577964403147607	:0.01
the:0.45344073112183286	and:0.12000662869295876	a:0.11378049891921072	by:0.0868161369938131	The:0.08020246566313075	of:0.0529228034092195	tho:0.03234385796237906	in:0.032120276856080696	with:0.0183666003813746	:0.01
<s>:0.2954496788958316	them.:0.14474608198069722	when.:0.12339502869667449	it.:0.11291153880892782	him.:0.10169353626189274	her.:0.06341200876422035	country.:0.05464248871980441	life.:0.04822530320059761	time.:0.04552433467135386	:0.01
the:0.6974231579645208	The:0.19490601666372684	tho:0.034875646217288885	and:0.031637125710651144	tbe:0.01417614218627304	Tho:0.007676422879609054	Tbe:0.003478448364462568	of:0.003145957106776018	that:0.0026810829066916324	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.2962493920079113	of:0.15562869104831384	and:0.12927696450969606	to:0.11594150586069682	be:0.07387456841718647	in:0.06434072863081983	for:0.0546633009676827	a:0.05161310741990076	his:0.048411741137792196	:0.01
and:0.5038375698211737	the:0.10762658832225747	that:0.09247675885790607	of:0.060585698588665235	as:0.055119862523703066	if:0.052780841798669646	than:0.046782800828734886	when:0.036280167911806105	but:0.03450971134708388	:0.01
the:0.2986826534375949	and:0.16308198855800432	of:0.1370289146592762	a:0.09414161860189205	to:0.09331404836791349	in:0.07677181568203637	be:0.0443142509167594	is:0.04378598796103474	that:0.03887872181548843	:0.01
the:0.3675625998549832	oppo-:0.18429086436016806	a:0.17751863651203498	and:0.06810189269734997	of:0.06360199570295792	their:0.04244829010939334	his:0.031355571895510026	one:0.0295768766645618	The:0.02554327220304083	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.23996086881653392	told:0.16082138161505694	with:0.1242749570724215	let:0.11656840131444991	tell:0.08533969826648817	of:0.08261023198440613	made:0.06608954047265828	make:0.06494991705744244	for:0.04938500340054276	:0.01
the:0.3081547200255634	of:0.22207630136070053	and:0.10097330787937073	The:0.0701499137477807	his:0.06826832012749856	I:0.058656849862244204	that:0.05620256790943579	a:0.05590343166016536	in:0.049614587427240786	:0.01
and:0.3067729237887428	so:0.1541355805656449	as:0.13720758854280962	all:0.08544033452234646	said:0.07301816151294237	is:0.06526415202532948	fact:0.059691182895634486	of:0.05694502439648133	than:0.05152505175006848	:0.01
of:0.45708490973003707	in:0.16499525781138139	with:0.07075081193026521	to:0.06197300580967601	for:0.05808485521956969	that:0.05536414231887381	by:0.05312704606223304	any:0.03741888570465031	and:0.03120108541331351	:0.01
of:0.22403420600549523	in:0.14516170479825935	and:0.13212057878410222	with:0.1101450228669899	to:0.09261782204281765	for:0.08424706121080791	by:0.06881763727215481	such:0.06729939123844483	as:0.06555657578092805	:0.01
of:0.3956967548326343	in:0.1262392472079828	to:0.11114993235797067	on:0.09098290303788321	with:0.058213954194436715	for:0.05519299069783784	and:0.05208273545181944	from:0.05120073386117864	by:0.04924074835825641	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
feet:0.20837058937103412	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118704	entitled:0.08437694067907713	went:0.07935061363836474	came:0.07491532896457027	down:0.07426522602773697	him:0.07409473487120728	:0.01
of:0.43046028925467045	to:0.11357820551653748	by:0.10084040589241701	and:0.07552596443409236	that:0.07074395380914747	with:0.0615680976420941	in:0.051494090116937306	for:0.048277699359500305	from:0.03751129397460351	:0.01
of:0.5446282484448152	in:0.09588880263262123	that:0.06782061674126715	to:0.06317623594419544	for:0.05334956523603492	and:0.046289874935526644	all:0.046262455958640925	by:0.03665148666274653	with:0.03593271344415209	:0.01
to:0.3049596941773303	with:0.12712496697189804	told:0.11524202810659914	give:0.09887717033813449	gave:0.08663947063657187	for:0.08523530919373504	by:0.06571515819179208	made:0.05508020748130369	make:0.0511259949026354	:0.01
the:0.24273168535548567	of:0.18668589338714045	and:0.14321051469573132	to:0.09150509943756145	an:0.07626257547745452	in:0.07343282366035751	be:0.06056674812617086	is:0.05804930079835993	Mr.:0.05755535906173827	:0.01
and:0.29214256030622165	that:0.11946947811527484	was:0.10863574967892063	is:0.09302268947469781	work:0.08300049640663795	put:0.08218647110718294	them:0.08022178637010209	due:0.06950784791458757	out:0.06181292062637442	:0.01
was:0.2313308683257903	is:0.16510014470369253	and:0.1378238415594099	are:0.13766002943057465	were:0.08794933759349197	be:0.08568232626991312	been:0.07411998237113915	so:0.04110523513827725	Is:0.02922823460771106	:0.01
of:0.3824123523851021	to:0.1081433432016535	in:0.08302152864274155	on:0.08100080720889886	by:0.08061828314148954	and:0.07598325472306293	that:0.069059700666155	with:0.06079501407789005	for:0.048965715953006514	:0.01
he:0.29759384126645533	I:0.14712822519614255	who:0.13357369841600397	they:0.09630194152462256	she:0.07780358321265955	and:0.07122033994947809	which:0.06282023249521906	He:0.05213221799963883	that:0.051425919939780025	:0.01
I:0.3194234935257482	he:0.20660944613225948	and:0.13775389397917362	He:0.0751774208714404	they:0.05998566547237523	she:0.05416668126693702	we:0.05294050973683858	it:0.0511501907862517	who:0.032792698228975646	:0.01
a:0.271646526376374	the:0.17948546250258066	and:0.12355269842903195	of:0.08855741068948489	much:0.0803829210978989	is:0.07822002781420026	no:0.06884078709725074	was:0.05481582036721368	be:0.044498345625964955	:0.01
to:0.5464258021087871	the:0.08820512872448977	this:0.08515875041656311	an:0.07987387148172383	will:0.07414797271136339	and:0.04310149755258638	would:0.032408620915422924	that:0.021939961322096697	I:0.01873839476696665	:0.01
of:0.3283983630450615	and:0.16739264360280287	in:0.14249933398260786	to:0.10949786631353516	for:0.06401015080074238	from:0.0528908284588499	or:0.05081337070571424	by:0.03882530603202479	In:0.03567213705866126	:0.01
of:0.45501287252612366	the:0.2583787488516545	in:0.06859124693292426	on:0.040763193085834926	that:0.03699544025183511	such:0.03336125731206537	and:0.03334740581573866	any:0.03302763352305086	for:0.030522201700772713	:0.01
the:0.16304133629527173	to:0.15096654575515026	in:0.13912023474069915	a:0.13764255846619158	at:0.13243878839927417	of:0.09455521615707771	and:0.08270183453987376	for:0.055971847801523596	In:0.03356163784493804	:0.01
in:0.4028195475751729	of:0.14120465594222886	such:0.09449781320603778	In:0.08216346488520507	to:0.06566757972014133	as:0.06015003066921003	with:0.056060224861612176	for:0.04759870680848039	and:0.03983797633191137	:0.01
of:0.2322529771684823	is:0.1316990566509394	with:0.12140960178983835	was:0.11199542595860836	in:0.09647607952084121	to:0.09570097926313259	by:0.07576528170503734	as:0.06238098011175955	and:0.06231961783136082	:0.01
the:0.2501550870616374	of:0.17327320107306704	and:0.14388289249475147	to:0.11475751953988338	a:0.09038001401223485	in:0.07346713906469314	be:0.06537517806815311	is:0.042347954547891406	or:0.036361014137688295	:0.01
of:0.28074096931484577	the:0.198724709207837	in:0.11883636103546562	to:0.09029901596446932	their:0.08008109970518629	and:0.07732017205997176	his:0.06848728681016576	with:0.03925584667375463	a:0.03625453922830392	:0.01
it:0.24112649263459637	he:0.17660792899787944	It:0.1713624494321809	I:0.08209974212840981	He:0.07828896755119588	which:0.07500438521777203	and:0.06286527553672039	who:0.0534546761422916	there:0.049190082358953446	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.12537937924608727	and:0.10985980430753879	in:0.06240993305390327	for:0.06192854377065039	be:0.05083764956696977	was:0.03700580416928512	is:0.0336844012946531	:0.01
have:0.29584954608748276	has:0.25574118478343016	had:0.22061075594943133	be:0.06046661113739484	was:0.046155156629602144	and:0.03875512553512445	having:0.033475334270096364	been:0.02014147036989394	he:0.01880481523754405	:0.01
of:0.258399820759552	in:0.15701505023458345	at:0.12836207510641293	and:0.11608283907669412	to:0.10569401534597778	for:0.06127878974678296	on:0.059906461071514525	with:0.055396933054263235	by:0.047864015604219066	:0.01
of:0.40181434489870593	for:0.11257106545887992	to:0.08883073767382363	in:0.08454338823437584	and:0.08178134185799561	by:0.06968614119086206	with:0.059291418991032525	that:0.055277274525461835	from:0.0362042871688627	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
line:0.1405464160015648	side:0.12875885881827667	out:0.11766175965088525	part:0.1154243878932159	sum:0.10975442457720232	rate:0.09908147077988154	one:0.09602582545184905	District:0.09353048747821566	north:0.0892163693489089	:0.01
the:0.4214662586398076	whose:0.13607982326407841	The:0.10378103102514416	of:0.09542035689929498	his:0.07760485994890659	my:0.049871586133043634	and:0.04645004093779596	a:0.032108603282868596	their:0.027217439869060108	:0.01
of:0.2746196990760485	a:0.1670746512741821	in:0.13475018134568018	the:0.09861179809273449	make:0.07881227711402573	and:0.07793796464051363	for:0.059428649692308495	as:0.04955735521040659	with:0.049207423554100224	:0.01
the:0.31809012852507174	of:0.1892330343862226	a:0.1392511509828622	and:0.07844450447611014	The:0.06942255219991852	to:0.05078336853883971	that:0.05075406846054871	in:0.049000488939075916	as:0.045020703491350296	:0.01
one:0.22586711108771074	all:0.20318924817112793	copy:0.13585339809724553	some:0.08000904611832456	out:0.07379004803716031	those:0.07122279865131625	means:0.06962753566551794	purpose:0.06649818257859248	part:0.06394263159300428	:0.01
and:0.26498267693952804	the:0.2357723850571925	it:0.08303285589034987	or:0.08258431767880546	he:0.07758121029884632	was:0.06501797128489323	a:0.06265782827882888	be:0.059620875808846605	is:0.05874987876270908	:0.01
the:0.33330259863044503	of:0.1753085897883558	and:0.12317249787382373	The:0.10807500893226046	that:0.0759339052698499	a:0.05733184144613453	in:0.04589435866209111	our:0.036375384013882156	for:0.03460581538315737	:0.01
feet:0.3576974938932753	miles:0.19778723378062504	and:0.1450214646553159	street:0.06741871355008124	range:0.04980618034345613	came:0.045293786480552836	mile:0.044708349925603366	or:0.041412156205172725	year:0.04085462116591751	:0.01
well:0.17124344106246672	such:0.15167650231689994	far:0.14721513796168123	or:0.14653938248873416	and:0.14033903829108632	known:0.08002055324179583	much:0.06299207214921487	not:0.047054689783150666	that:0.042919182704970166	:0.01
was:0.44493844899831103	is:0.12223351903828646	were:0.1065084841535919	are:0.09461761758775711	be:0.08610495519193558	been:0.07716688122989984	and:0.02161648744217307	being:0.01912940935350774	Is:0.017684197004537265	:0.01
the:0.8523642523958745	The:0.041595333910717416	a:0.024856398147859005	tho:0.021726590979448016	on:0.013043403994570602	and:0.011283056450452373	this:0.00913405578853614	tbe:0.00863538226455705	next:0.007361526067984754	:0.01
the:0.2501550870616374	of:0.17327320107306704	and:0.14388289249475147	to:0.11475751953988338	a:0.09038001401223485	in:0.07346713906469314	be:0.06537517806815311	is:0.042347954547891406	or:0.036361014137688295	:0.01
Miss:0.38405712090450755	Mrs.:0.1972220799098697	and:0.13911592659818148	A:0.08362295893652165	Santa:0.05095533116583411	Mr.:0.041360159344149064	the:0.04054964097582808	St.:0.026766004690872515	.:0.02635077747423586	:0.01
an:0.44676551059008657	the:0.26772472863555175	great:0.04682714362562005	of:0.04505663313853931	and:0.04224567347490308	some:0.038021432521004477	any:0.03702502278469483	this:0.03678097693373395	such:0.02955287829586609	:0.01
the:0.43094868197213715	The:0.32260489237798823	a:0.04698934092594326	his:0.046347927948796754	This:0.04067854031392281	this:0.03546970274821188	tho:0.02647940205533353	Tho:0.021002054488782736	my:0.019479457168883593	:0.01
of:0.617310755652552	the:0.2317344389965502	said:0.039433505252601316	agricultural:0.022038286589220718	on:0.01990907319379294	The:0.016985257699293016	this:0.01545694058449053	and:0.013577504471823508	tho:0.013554237559675664	:0.01
the:0.32344792120366006	and:0.13574983968668922	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074353	be:0.039104903932751574	:0.01
a:0.6305733330732906	the:0.20690320403573628	to:0.04556074453224386	no:0.03558386121955452	any:0.019828174659602456	The:0.0140238974749352	and:0.013145635360347114	tho:0.012396298438872069	an:0.011984851205418184	:0.01
is:0.27074134142123996	be:0.25532800350079304	was:0.10962233187790842	it:0.10323522636937754	not:0.0929291473762586	are:0.05034322464489157	and:0.044721199734129746	Is:0.032228295173562405	as:0.030851229901838893	:0.01
that:0.2567268322029837	as:0.24818668853499415	and:0.19963832844737883	but:0.06988130866646734	if:0.05765418101619063	of:0.056859280205917226	which:0.037598209006366734	for:0.032114516756359485	when:0.03134065516334192	:0.01
and:0.4463164919020112	week:0.13119522780405457	made:0.07136067264947628	one:0.06541212981158122	or:0.061329455397153176	paid:0.05773504371541034	time:0.05548532302173236	but:0.051884873671603646	vote:0.04928078202697722	:0.01
the:0.40681196357220206	and:0.1456629029351186	of:0.14068953701551515	to:0.06458209718161279	in:0.06169658032414068	be:0.04631258858882632	a:0.042181388088615344	his:0.04176366421392244	for:0.040299278080046574	:0.01
protest:0.1815889474622074	up:0.13838033430545146	and:0.13301283619280868	made:0.10905090656458122	voted:0.1081469714909097	guard:0.08944325174771821	fight:0.07947814140945494	out:0.07553365881436344	vote:0.07536495201250488	:0.01
It:0.1770296658497122	he:0.14889743562223823	and:0.12209707987782499	it:0.11736893063689477	who:0.11599627613473491	I:0.1011270345272111	which:0.09996228756879035	He:0.053873349669571524	1:0.05364794011302184	:0.01
to:0.3478960594939028	will:0.10883127175207155	we:0.10330764562532667	I:0.09893824891342697	would:0.09050811002382313	they:0.07462533121864544	you:0.06673814458142292	who:0.05063202015002581	and:0.04852316824135487	:0.01
and:0.32239916608788655	them:0.12675238619783002	it:0.10010717227693153	that:0.0916462931611764	was:0.07361762533117142	men:0.07120402384898782	or:0.0707031680732684	made:0.06705269116907098	him:0.06651747385367693	:0.01
Miss:0.2539277729172258	Mrs.:0.25264401562663813	of:0.14234442576498305	and:0.1226913688374367	Mr.:0.08647356561792799	the:0.04690029160115567	<s>:0.029148784264550486	Mrs:0.028073095789618977	said:0.02779667958046334	:0.01
of:0.25980312759030366	the:0.17826196286912557	to:0.15616526224941873	and:0.12142811466822263	in:0.10282084304173358	by:0.04503668612995934	or:0.04349418155382578	be:0.04214068340290644	at:0.04084913849450418	:0.01
of:0.24442652607233215	in:0.24301027233764871	to:0.15047956426013195	and:0.08215185491361084	with:0.059982784376628795	that:0.057617043522613626	on:0.05667897546676588	In:0.04976682640357184	by:0.04588615264669638	:0.01
it:0.2785617870082724	It:0.14058657073537015	as:0.12754388100244876	which:0.12453991685388906	that:0.10374278837395833	they:0.0775235962159316	there:0.055052625199923454	and:0.042753566693321025	he:0.039695267916885144	:0.01
<s>:0.18909642244952157	was:0.1617082847902387	and:0.1264055832891438	is:0.11115801615879321	I:0.09914334064321478	be:0.08975182304856849	in:0.07421189134745068	it:0.07150321714559031	-:0.06702142112747833	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
at:0.5000001479252973	the:0.08271645201962015	his:0.08095737602579957	go:0.0642277737098321	went:0.06127964441559463	a:0.061082399598658535	her:0.04954592229256551	of:0.04846799371413769	and:0.04172229029849443	:0.01
and:0.2638958506007994	<s>:0.164723479684117	-:0.14087395293006122	of:0.13765118226606718	that:0.07537991551412043	:0.06283718295363387	when:0.05045795074022716	her:0.049973433736454076	.:0.04420705157451968	:0.01
have:0.35328946251732735	has:0.26744366091419525	had:0.24268234427973348	not:0.03551493986454824	having:0.03354582231468265	bad:0.016242173594263446	ever:0.014998571799669675	never:0.014904747853835004	havo:0.011378276861744826	:0.01
the:0.2974502811850691	of:0.2209142241575331	to:0.09236837889488789	boy.:0.07413064150532318	and:0.06960437249933987	girl.:0.06679148007921791	a:0.06486805677156714	in:0.055503133723083235	for:0.0483694311839784	:0.01
and:0.38215889915084983	that:0.23532462707148347	as:0.0846298260877285	but:0.07658927275391877	or:0.061890375947265874	and,:0.05129089578558285	even:0.03680992770500973	But:0.03366671037855997	which,:0.02763946511960098	:0.01
and:0.14059384255740423	want:0.1383489612151323	wanted:0.13085276173819987	him:0.12074286177685825	ought:0.11966244203702354	glad:0.10021083320757326	enough:0.09246620823513618	able:0.08606843128632004	is:0.06105365794635238	:0.01
one:0.2457922824415998	some:0.12651763903370486	all:0.1063314735857588	part:0.09632247957245754	that:0.09369220667048933	any:0.08692369179179714	portion:0.08577178691188839	out:0.0801290993544861	many:0.06851934063781807	:0.01
the:0.3431930298578957	of:0.17993744906667394	to:0.13472712873739773	with:0.08425740500773415	and:0.06860531123458392	his:0.06056302466897151	their:0.04308527141920831	by:0.03930275590052467	said:0.03632862410701007	:0.01
and:0.32434810589817087	was:0.11832549081564547	held:0.10061653345026712	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139066	arrived:0.07348439933321943	that:0.0714853472708103	interest:0.06758836938612982	:0.01
the:0.28885804025763695	of:0.19457268553638657	to:0.16793929015137762	and:0.10115565894006996	be:0.06021550654373138	in:0.05991065962582752	for:0.040913751984400906	was:0.03903165907152394	a:0.03740274788904502	:0.01
a:0.3347225078753533	the:0.29880763663432613	this:0.1363857888502908	and:0.05619199689354908	his:0.04356916892798964	to:0.03642218764089671	one:0.030931486793201388	her:0.02778910784850079	no:0.025180118535892342	:0.01
have:0.3521617946806656	has:0.2705918686756123	had:0.23648925730389508	not:0.03955621184357975	having:0.03844339174729506	ever:0.01639020358918428	never:0.01479197417458469	lias:0.01216507355256019	bad:0.00941022443262309	:0.01
the:0.48109302352582195	a:0.3683333747558085	no:0.04577555641127296	The:0.03242902080201458	tho:0.02032781217031924	this:0.020261402253124894	any:0.00965160408432844	tbe:0.006122509878545179	every:0.006005696118764274	:0.01
and:0.19051943986217015	of:0.1720639792232348	as:0.16747509158597676	the:0.13450047028301987	to:0.09096766000852802	be:0.06575526900119626	such:0.06334143169216884	much:0.055005516582227666	in:0.05037114176147772	:0.01
the:0.2893467002777624	and:0.2678848665290487	of:0.08401748802429909	will:0.07841544694787045	to:0.07689341974511671	a:0.05338739013361727	do:0.0493166172844587	that:0.04654468509936171	would:0.04419338595846493	:0.01
the:0.4246269274836282	of:0.11226294202711529	their:0.09281515749099888	our:0.07646482733182322	to:0.06486526254081829	its:0.058483797625007806	his:0.058200465111302446	a:0.057845231967719186	and:0.04443538842158663	:0.01
of:0.2381719860295494	and:0.23415746017761663	in:0.11598353395473782	to:0.10227189079610367	fact:0.07859923495468527	said:0.06648519540808896	on:0.059675812679062315	all:0.049591757945495966	is:0.04506312805465998	:0.01
the:0.32305486381550474	his:0.1556649159978527	their:0.11371971439312943	her:0.07640541281394718	of:0.06830891242655009	our:0.0670503706343345	and:0.06252676225148592	to:0.06177564394117946	a:0.06149340372601596	:0.01
and:0.4162183978110556	that:0.16345898696115194	but:0.15085800932245566	time:0.09051496159939353	But:0.042020020647945695	or:0.032892024666088364	And:0.03259759774999472	even:0.032584387316255535	especially:0.028855613925658913	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
be:0.2385753684114407	was:0.21351582979084546	been:0.09895529604902982	were:0.09576490300233702	and:0.0925220832633726	I:0.07514495412721425	he:0.06507567860372535	is:0.061159927712668136	have:0.04928595903936677	:0.01
to:0.26347294911523633	the:0.20207943492956468	of:0.15545869450418856	and:0.10372197011202519	not:0.09492145302753964	for:0.04905066155861363	or:0.048126857297108465	at:0.036594273675506474	in:0.03657370578021699	:0.01
was:0.23875649461152187	have:0.11698904862916347	and:0.11543188954609236	be:0.11265363042423736	been:0.09906572080435373	had:0.09554981091422646	has:0.08352143136997717	is:0.08071130766282182	were:0.04732066603760571	:0.01
of:0.19772967641121048	as:0.1623673418679956	is:0.11714445471395858	and:0.09677175778520736	that:0.0943754287296158	was:0.08357915383269263	by:0.08031186848504734	for:0.07886594540065145	to:0.07885437277362076	:0.01
the:0.40671861813772925	a:0.13352720329664655	this:0.11855886074558926	same:0.09211833449925547	such:0.06992210367894258	of:0.05036493318951242	his:0.04855319977997505	any:0.036384071058945075	their:0.03385267561340432	:0.01
and:0.1495899024693767	miles:0.14173092433846196	free:0.13778745773831563	far:0.11531946154984084	away:0.11422025854048723	suffering:0.09289524012248203	him:0.08182258540364966	them:0.08046450554330968	or:0.07616966429407625	:0.01
be:0.17122895230781088	was:0.15265553575876362	has:0.1406381765832656	have:0.11057783505957075	and:0.11031011357436411	been:0.09096988743009554	had:0.08677536399616305	is:0.07396742191716135	he:0.05287671337280502	:0.01
and:0.29234911527061597	was:0.12295751386511262	is:0.09850110963903781	that:0.09666055421653383	it:0.08628007122265054	as:0.07887221239903662	be:0.0742410316365856	them:0.07029673534852585	up:0.06984165640190107	:0.01
-:0.1955940160750217	ai:0.19131789701304536	the:0.12500546945761565	a:0.1122663220031812	at:0.08318561829437636	to:0.08033157879587687	I:0.0721994987905799	in:0.06640281037451583	of:0.06369678919578707	:0.01
of:0.35397372804259497	in:0.14180258920126265	to:0.1216750769376221	and:0.07954231743330097	for:0.0767056495856364	with:0.06945289534083686	on:0.06443532594725582	In:0.047079561155946435	all:0.035332856355543785	:0.01
and:0.37662837437985086	be:0.110019309549802	but:0.07832370515264071	is:0.07702846433182274	or:0.07640284267451965	it:0.07358441684982667	them:0.06796579246171842	was:0.06675971655910125	that:0.06328737804071777	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.40371792662545586	to:0.11334747351553359	in:0.0994887886450325	for:0.07897697373877208	by:0.06719749749805098	on:0.0627049367792199	that:0.06077652975104778	and:0.06001460068030803	with:0.04377527276657952	:0.01
he:0.2213062983360777	it:0.18941825084243707	they:0.11624306468354537	I:0.1025006780885515	that:0.09861876134706347	It:0.07255279350519053	she:0.06597395225033174	and:0.06353368857175623	who:0.05985251237504642	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
be:0.2774741939281957	was:0.19632165087456482	and:0.1015049469307876	is:0.0983885717609357	been:0.09205613024692595	thickly:0.06744224284167538	a:0.054789372040538194	have:0.05383496207939411	were:0.048187929296982526	:0.01
of:0.29280448709967866	told:0.19321627326528953	to:0.1512676393393326	tell:0.07593723071378371	with:0.074164911443784	for:0.06691302685325685	upon:0.05525285275593939	remind:0.04039033872142054	among:0.040053239807514705	:0.01
purpose:0.37733917341731454	instead:0.09819396728465433	cost:0.09148072139326437	means:0.08969382980505945	number:0.08912303002812705	amount:0.07373767961386134	out:0.06290247248285935	capable:0.054408724621174506	method:0.05312040135368498	:0.01
is:0.24385399570917227	and:0.18072603736056325	was:0.13909150313024798	as:0.11971100279677171	be:0.09076323968231574	it:0.0869237995244314	not:0.04819400795341327	will:0.04582052470001501	are:0.03491588914306946	:0.01
and:0.22543624476068067	together:0.12966310809592793	do:0.10541847545705389	covered:0.1046691945951787	up:0.09589961048396699	charged:0.09080995849129517	filled:0.08599996831634163	met:0.08349003713897436	compared:0.06861340266058076	:0.01
J:0.20177374532942308	.:0.17575758327758875	W:0.13607141068881864	of:0.12477320881975337	and:0.10566399165829582	to:0.08185226339879643	C:0.05831467554890671	H:0.05389970552361192	J.:0.0518934157548052	:0.01
and:0.29635189305068393	so:0.14127294388052722	fact:0.11934677619133646	said:0.09382506667151261	know:0.09321340215184683	say:0.08466047801883074	is:0.061229379962697866	but:0.05099440426762219	believe:0.04910565580494222	:0.01
the:0.41138206082976564	a:0.14819940953349725	and:0.098063760052819	The:0.07690811547333497	A:0.0731429877200354	said:0.06088514986862702	of:0.04632072935990204	this:0.04399795421355318	tho:0.031099832948465522	:0.01
of:0.5723750096590735	the:0.16337880250042366	in:0.060999818757823836	by:0.04505998453812834	to:0.041190290426563136	at:0.040872014703705106	a:0.029000303343045538	with:0.01987453017180317	and:0.017249245899433566	:0.01
at:0.23386272713338413	for:0.15655516968872876	of:0.14023015716123086	to:0.10324521919401658	as:0.0965852033873875	and:0.07996850498232942	was:0.06628148578294002	that:0.05701704423769881	is:0.05625448843228383	:0.01
the:0.3852091685420713	of:0.15029792416713433	and:0.13361736839571411	a:0.11891032624485717	in:0.05055226342026037	to:0.042450229405257604	for:0.03799538051249681	or:0.03633593244546821	that:0.034631406866740044	:0.01
and:0.3254243009009799	so:0.13004555675901283	fact:0.1273173719299964	know:0.08967460936850209	said:0.07440366454879636	is:0.07395428550290474	say:0.07298005043663557	but:0.05159215888179986	believe:0.044608001671372244	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.22187666539046547	was:0.12686601763788147	be:0.12223740422275575	to:0.11169237594610379	the:0.1098228472845865	were:0.08235612301510478	is:0.07548062368867921	are:0.07193026664371964	been:0.06773767617070342	:0.01
the:0.17787778328175946	was:0.13779200455225596	and:0.13432448263663513	is:0.13325319914791453	be:0.11306431618925698	a:0.09298855374769686	are:0.07367798310312705	of:0.06961268176664637	not:0.05740899557470773	:0.01
as:0.17481395904871108	up:0.13266480410279496	and:0.11423368936286925	according:0.10311874253127586	back:0.09834039683776627	him:0.09814074486700695	returned:0.09685287995672426	went:0.08599041765307629	came:0.08584436563977506	:0.01
they:0.23393777631256657	which:0.16627304307435387	that:0.10939586978860875	who:0.10657994993254907	we:0.09698135249152573	there:0.09087336235393684	and:0.07159697759333682	They:0.06669617653663383	you:0.04766549191648855	:0.01
of:0.30685654322375056	the:0.17277666113342352	to:0.13580928448557134	and:0.13153503162563296	Mrs.:0.06336974015022757	<s>:0.05095861803042851	by:0.04621109421007231	was:0.042341617263825584	.:0.040141409877067595	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
purpose:0.16020690338009835	instead:0.1318414352170958	that:0.12971021471397523	one:0.12119666361634611	tion:0.09970463518669785	out:0.08947672260421756	matter:0.08907418443854255	sum:0.08458561159336495	Court:0.08420362924966159	:0.01
manner:0.3946119345675231	and:0.18749701924918538	that:0.10855654014299566	way:0.07037996389927752	time:0.05382876808607621	it:0.04775881818150396	all:0.04270273332279963	one:0.04238708288685656	part:0.04227713966378213	:0.01
be:0.300891211336914	was:0.20682239666593405	been:0.12901429098859457	were:0.07277844767568147	is:0.07169681094031735	are:0.06396262318148886	had:0.05231579234162367	have:0.05079053542635918	has:0.04172789144308713	:0.01
the:0.5807336569763077	unpaid:0.10504760279758622	of:0.08768715548313799	and:0.04806713755390664	The:0.03800679757219251	tho:0.03503639920146044	that:0.03437865825687843	in:0.03240335726861292	for:0.02863923488991713	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.5320031713038266	to:0.12721001365896514	in:0.06991172579291012	for:0.055735427765091834	and:0.04843689613953406	at:0.04680398629058309	by:0.04114267031211182	that:0.035692016329137675	from:0.0330640924078397	:0.01
of:0.2394459909603569	the:0.1947621424096186	and:0.19355548233287825	to:0.1019519776606147	be:0.05930911108984446	was:0.05095346787872063	in:0.050616436498381434	he:0.050249655166503523	a:0.0491557360030814	:0.01
the:0.3253363112578563	of:0.25929889916037463	and:0.11704905458808958	to:0.08016771178091942	a:0.06687919304521713	his:0.040516417728533656	in:0.03814834940695741	at:0.03195657688838135	for:0.03064748614367055	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
of:0.3272236947854514	to:0.18033639894497855	and:0.0945164134082197	in:0.0901106728386813	with:0.08618925599357298	by:0.08418297227255536	for:0.061749919121991244	from:0.04244483431777292	In:0.023245838316776637	:0.01
of:0.5446282484448152	in:0.09588880263262123	that:0.06782061674126715	to:0.06317623594419544	for:0.05334956523603492	and:0.046289874935526644	all:0.046262455958640925	by:0.03665148666274653	with:0.03593271344415209	:0.01
there:0.1544156858983984	and:0.15154532615540148	hundred:0.13975290515995087	;:0.10813710696224275	men:0.10192354232980386	them,:0.08657603158531091	acre,:0.08560971705447991	right:0.08285507237547039	man:0.07918461247894142	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.27155488786881954	to:0.12289061183160364	with:0.12237564080875053	in:0.11934583063564608	and:0.11646754161764654	by:0.0788147942176031	for:0.05928174318244188	on:0.05123152525987184	from:0.04803742457761686	:0.01
<s>:0.3507912081630965	it.:0.16036362090578862	him.:0.11297919003270439	them.:0.10436997683303664	country.:0.06274808284594263	time.:0.057643290315365484	life.:0.04839644147999737	and:0.04702541806573495	her.:0.04568277135833347	:0.01
it:0.44183840826923887	It:0.2905070937273141	he:0.07142232706496111	that:0.05142067462022052	which:0.04551473345569871	He:0.026924160706320276	who:0.023357733275795288	and:0.020830103601970736	she:0.018184765278480435	:0.01
is:0.28983215605836515	are:0.20595706324423715	was:0.14938449946460186	and:0.14083772016260823	were:0.06053020078165925	Is:0.0427131511339395	be:0.03930725726903745	but:0.03629945955011474	it:0.02513849233543662	:0.01
is:0.2713033249034709	was:0.2058948008922341	be:0.18858432049551074	are:0.11314129540792535	were:0.04741656770581301	not:0.044610064693595415	and:0.04441734958524081	been:0.039209681704136704	Is:0.03542259461207285	:0.01
and:0.21387728820599297	that:0.18698894657054188	will:0.13708665716303647	to:0.1094922585468785	as:0.09947174617215157	which:0.07381651603025481	would:0.07008562780402315	when:0.04960396102563649	but:0.04957699848148416	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.26232669187481994	and:0.16931911781224945	to:0.11718651220256632	in:0.09621193646023865	at:0.0859686980242579	on:0.07631337133449029	is:0.06325852739186277	from:0.061700012097449804	for:0.05771513280206492	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
to:0.69074759631942	not:0.06001246631846122	and:0.05929974304336112	can:0.038586959477492716	will:0.03810185306014532	could:0.03585575073843409	we:0.023731969231010626	they:0.021832009420144557	would:0.021831652391530485	:0.01
was:0.34480415564140493	be:0.14392282710763357	been:0.12147024725925532	were:0.08826081095965922	and:0.08691903681502756	is:0.07691555382985027	have:0.04615761224642736	had:0.04190816914683712	are:0.039641586993904646	:0.01
and:0.337291893652781	so:0.12479811775737729	say:0.09731998655540983	fact:0.08972889028296344	know:0.08081272560971962	said:0.07728661770633168	is:0.06952093330887803	all:0.06044144952898566	show:0.05279938559755335	:0.01
the:0.18967412161958205	and:0.16039812387112398	be:0.12426122688981939	was:0.12339453984543904	of:0.11493837137436898	to:0.08700087712254828	is:0.07482363279220873	been:0.06158286699078446	a:0.053926239494125026	:0.01
in:0.4370172636883535	of:0.15008635202565362	In:0.10855632210047603	to:0.09684856693460839	and:0.0750966351838039	all:0.034549419575962796	on:0.03225289039428687	for:0.032074135779035604	from:0.023518414317819175	:0.01
men:0.1552096277695256	time:0.13231023855713173	made:0.11916930696771816	free:0.10944645542804443	him:0.10451473702889061	right:0.09873402183806176	in:0.0956681485607202	up:0.08977759264085862	life:0.085169871209049	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.5192553203061661	and:0.12113052297786034	The:0.07016215120444838	his:0.06150934168931097	a:0.05947769285580788	their:0.0476386428639993	many:0.04427509038688552	with:0.03482704852894334	of:0.03172418918657817	:0.01
the:0.3500004365215156	and:0.1395184794410679	more:0.13538481717512046	a:0.07030048725806917	their:0.06986550166833393	an:0.06385305015131924	of:0.05474362390208294	was:0.05372828755849654	no:0.05260531632399426	:0.01
to:0.3477668603875156	with:0.22502729008555164	of:0.1069361896442856	by:0.09279793570196346	for:0.0831518973377886	upon:0.04155560436316076	from:0.0328908310243469	at:0.030835504419555404	on:0.029037887035831978	:0.01
in:0.14677046527170912	due:0.14314175067134854	;:0.1400686596601736	up:0.1058555937233023	it,:0.10264376936874062	them,:0.09912823220545444	him:0.08584525633389198	time:0.08407810709424965	out:0.08246816567112968	:0.01
that:0.4191864264306642	which:0.12306459701814328	if:0.10584152411724204	as:0.0800588901554097	when:0.0655064430572058	and:0.062325436114272305	where:0.05382186608530334	what:0.04122796967848988	whom:0.03896684734326954	:0.01
of:0.23578156255867042	the:0.2048675271297145	and:0.1529660415753781	to:0.11673014398262535	in:0.07001721765401415	a:0.06517433763987328	that:0.053557675854135865	with:0.048645982046066405	which:0.04225951155952196	:0.01
and:0.1981893468303782	o'clock:0.1706329443139276	which:0.1182715657059016	that:0.11360989116217537	at:0.10630663964754002	of:0.0785673062637429	here:0.07749617757790149	meeting:0.06985934574171444	arrived:0.05706678275671842	:0.01
to:0.47881080580946517	not:0.15172394393239158	and:0.10025444670534589	I:0.07766534324449077	will:0.053693168140763095	we:0.034125125791958345	would:0.03369067610121003	who:0.030362693372996814	you:0.02967379690137824	:0.01
the:0.5217230607895127	in:0.1449896779446332	on:0.0892342535064623	a:0.05011647922339642	of:0.04698611856157189	The:0.041954037541098846	and:0.03694091494366297	In:0.03314817446886425	tho:0.02490728302079739	:0.01
a:0.29952661402825553	of:0.17106891906754923	the:0.12451233879779824	with:0.09242038749044193	and:0.08389658261247289	for:0.06609226605350856	very:0.05505639709531334	no:0.049237532776505916	be:0.04818896207815435	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
he:0.2079437575671482	it:0.20672435332452901	I:0.146985477545254	It:0.13264564263200318	He:0.09145723140060129	and:0.06830414756391638	she:0.06100354070205323	which:0.04619508630018384	who:0.02874076296431086	:0.01
that:0.21181262171132761	and:0.1997049674081212	but:0.12714435987288242	which:0.10634178959691329	when:0.101261685243251	as:0.0862898389884942	if:0.06830468895773235	what:0.05252645945111185	because:0.03661358877016604	:0.01
of:0.36949659961876824	in:0.14790267157986592	to:0.10424365003910047	on:0.06473502672215217	by:0.06409824674580428	that:0.06360651733745915	from:0.05967930499964461	In:0.058460349110436544	at:0.05777763384676873	:0.01
a:0.2955475356894915	much:0.14227605437343188	the:0.1330231806336569	no:0.09515868922420281	is:0.08138170589658017	and:0.07411374323489062	of:0.058883288070286914	far:0.05557666691750642	or:0.05403913595995275	:0.01
to:0.5379580390820518	the:0.13232891081019504	a:0.12414730037158406	of:0.05285674647883303	this:0.04301711020504316	in:0.02915782702954404	and:0.02508978999032385	that:0.024197764616281706	or:0.021246511416143334	:0.01
the:0.2637351962852026	and:0.1829556970763585	of:0.15512704992970708	to:0.09901034785229981	in:0.08891847907071722	a:0.06188432822775293	his:0.05132313193481526	said:0.04424377986600468	that:0.042801989757141876	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.3115198040205228	at:0.27127126456272505	in:0.16640327144733744	In:0.06661867588665406	for:0.05870197955975648	to:0.03393764604118063	and:0.03281338817697577	the:0.02719183441802036	from:0.021542135886827237	:0.01
of:0.4482715302577291	in:0.11118714607946317	to:0.10139391369512855	for:0.07634361624775979	that:0.06502811411542983	by:0.05612464718030464	with:0.051839976040185136	and:0.04130857474328378	from:0.03850248164071617	:0.01
of:0.19996172310522484	in:0.17013196949513326	for:0.12261789848148005	and:0.10768579203231961	to:0.10529725851606798	by:0.08788852936573448	with:0.07629652137553265	that:0.06837995885207736	In:0.051740348776429725	:0.01
a:0.6263165344954237	the:0.20403160919348298	and:0.04019848135843524	of:0.026188077718931144	The:0.023007160036504624	in:0.020421729461278886	tho:0.016932832464886548	are:0.016593022564907453	some:0.016310552706149412	:0.01
at:0.22606604972269348	of:0.20393953051698147	in:0.16750080429008354	to:0.09178212860210258	on:0.07338281661280806	for:0.07328046460725855	and:0.0653471204622718	that:0.045503935447936676	from:0.04319714973786389	:0.01
the:0.9112135753864239	tho:0.02734053182795856	a:0.019282717998079145	tbe:0.010965017817872933	The:0.008445554646220536	our:0.004661272547442837	this:0.004031802458396669	in:0.0021637809799215147	great:0.0018957463376838692	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.4651183747910109	and:0.23839941671528825	not:0.10843761689761129	will:0.05116362306444797	you:0.02835092726458845	would:0.02719796087728545	shall:0.026462186538697693	can:0.02342699799430054	could:0.021442895856769395	:0.01
he:0.3316139876263879	who:0.14938694521589363	I:0.1208983255188036	they:0.10122346713662168	she:0.08903072838946458	He:0.06616807463164451	and:0.055458599063748115	we:0.04425765918918904	have:0.03196221322824696	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
<s>:0.5646520579580919	it.:0.09089546172393256	.:0.07793751305210196	them.:0.05991119530134609	time.:0.04451882898744064	day.:0.04360749118316577	of:0.03656103935943038	country.:0.03638970349499151	year.:0.03552670893949924	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.22091272289690156	of:0.1790441874241337	two:0.1275772451423269	and:0.11013987145527196	three:0.10070189338761151	five:0.07415528099705698	in:0.06231004189297241	four:0.05919027268682364	30:0.0559684841169014	:0.01
of:0.322693140242567	to:0.13257442499521735	or:0.10699180978195823	in:0.0964435226576277	for:0.07953147196107471	than:0.07633593719377346	by:0.06900454737536652	without:0.054092466452098864	that:0.05233267934031627	:0.01
the:0.3816442831565538	of:0.18618343102535034	and:0.12678786722057095	a:0.06688887799368758	The:0.0641275999282084	to:0.045779801172304194	in:0.04394196350010287	by:0.03808711297107761	an:0.036559063032144234	:0.01
has:0.3411839907584671	have:0.2862159384350448	had:0.22557004550678963	not:0.05595292992768297	having:0.03439173081368982	never:0.01346122166656948	lias:0.013122747259582852	bad:0.01150365519421495	ever:0.008597740437958348	:0.01
of:0.373790027318163	and:0.11064651762657035	by:0.0979476469116305	to:0.09608424347949548	that:0.09365692350098351	in:0.08591511003978067	from:0.04868450381138683	for:0.047314028860021354	with:0.035960998451968235	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.22136811937677608	with:0.19067523515439797	for:0.15489851718786024	of:0.08633811866860273	upon:0.0820147866155007	by:0.07640349123884363	asked:0.06756583042167418	told:0.058074684994298256	against:0.052661216342046194	:0.01
the:0.764779933133918	of:0.04688842592190769	tho:0.04306463765708222	said:0.039774930244553745	and:0.037420771169513777	in:0.016898980760091463	tbe:0.016427900807212625	The:0.01594102655235746	In:0.008803393753363092	:0.01
of:0.25823735451086327	the:0.13793974357911254	and:0.1261945327872129	in:0.10903247852169387	a:0.10865155169663732	to:0.09238292652407407	-:0.07710713226639392	for:0.04331262260445606	by:0.03714165750955609	:0.01
of:0.2114550857074353	the:0.19352291644409095	and:0.1896526220118223	to:0.11488066497353205	be:0.08121544058469315	was:0.06810648818392583	is:0.046598731239590054	Mrs.:0.04243236015556625	Mr.:0.04213569069934405	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3560104598159234	an:0.24298780543928766	great:0.07852893383835095	this:0.07042095950017263	and:0.06788818553333412	some:0.05736241213937373	any:0.04692347558695154	of:0.0378091561370981	his:0.03206861200950773	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.29169997815308213	was:0.13287036271431182	out:0.08873310066938214	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811662	made:0.07677797059304477	is:0.0747237183823982	up:0.07313203106858902	:0.01
50:0.17696075138401982	20:0.1635242596753417	120:0.11569234482250411	25:0.09622524501884862	the:0.09116776642402592	14:0.09025212677584296	30:0.08636802783952457	75:0.085709192750074	40:0.08410028530981828	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
as:0.16028142770550782	up:0.147939991445873	went:0.12914682124565996	and:0.12285764149266094	go:0.11127529305121664	came:0.08828957261434253	returned:0.08168405719993749	him:0.07482450929382749	them:0.073700685950974	:0.01
of:0.1717874828321503	and:0.1373574380324188	to:0.1283710488380373	or:0.12751224384292095	the:0.11877046731793289	in:0.08923583856816646	a:0.07774279702482251	about:0.076154142210941	for:0.06306854133260967	:0.01
to:0.7722086585157787	and:0.06568239245776375	will:0.043123202033786424	would:0.031035428858538786	the:0.020520347305491973	shall:0.017366656413079638	not:0.015485813695919014	I:0.012485648822601326	To:0.01209185189704032	:0.01
per:0.9407927398405563	the:0.02353445953465774	and:0.01156127021477661	por:0.0087834765203416	The:0.0014000593854953133	a:0.0011531972389943136	long:0.0010128305465939428	<s>:0.0009396014645006802	or:0.0008223652540834668	:0.01
two:0.20560826184437175	three:0.2013905416332901	four:0.12964774083596878	five:0.09067616423851513	six:0.07879183720770223	twenty:0.07649520413442991	few:0.0741390281613948	ten:0.06962337472934724	many:0.06362784721497998	:0.01
is:0.18274512143258348	well:0.1783794917089918	and:0.12979905236179742	are:0.09470060560220034	was:0.09268809810315956	be:0.08463743809284936	not:0.08026267801038711	regarded:0.07893969676405788	such:0.06784781792397297	:0.01
the:0.3175675599591076	a:0.18266059135641793	his:0.1327496327498111	of:0.11893847752834427	in:0.07994602251455023	to:0.05003060955716669	and:0.044076720284499875	or:0.03636924248622077	my:0.027661143563881607	:0.01
to:0.33364509937622233	will:0.24892937479640295	may:0.075570484480394	shall:0.0725069146813833	should:0.0662438518702432	would:0.0634324921749828	not:0.05386722502244131	must:0.04330795227753888	can:0.03249660532039126	:0.01
State:0.25158975872347605	city:0.16920028955541705	City:0.11558640111009039	county:0.084380887430965	day:0.08382175836935132	state:0.07836218195318428	line:0.07305905324403515	side:0.06829379556379227	County:0.06570587404968839	:0.01
and:0.20630971761389724	a:0.18055698264934741	was:0.12965908148279018	is:0.11926675308808851	are:0.08092477168492956	but:0.0759316949893855	or:0.0705720600064159	the:0.0639800478664984	of:0.06279889061864719	:0.01
he:0.2794395178124017	and:0.1182850726747716	I:0.1136712112981052	they:0.11234675662993023	who:0.09703233066540769	it:0.09040717997784747	she:0.07188421273563414	He:0.05664830836325821	that:0.05028540984264371	:0.01
of:0.36155491191593947	and:0.17862241144841867	that:0.1001346343875186	the:0.09178183180594884	in:0.07185999036153363	by:0.0543517018543077	.:0.05024884621954054	to:0.047143681729874064	at:0.034301990276918555	:0.01
as:0.1505270934744848	according:0.12666453991392707	up:0.1195334514035628	come:0.11873952822050848	regard:0.10683894108162358	came:0.105922433852858	and:0.09179275619163575	reference:0.08812851772111138	went:0.08185273814028814	:0.01
the:0.2280214105008885	a:0.21677907247353084	this:0.14879193819108294	such:0.0989740934673381	of:0.08835562476775904	his:0.06804129028343495	and:0.05291823978153921	same:0.04654694117600858	said:0.04157138935841789	:0.01
and:0.23673877075921537	the:0.22279374833468918	to:0.12792854428449588	of:0.11719546975217965	was:0.05975737695549627	is:0.058375254721025054	will:0.05735286909533062	are:0.05498987872049494	be:0.05486808737707316	:0.01
sum:0.1648703730892017	out:0.11307775521688435	amount:0.11090839996168092	number:0.11072884578616649	Board:0.10709279218170512	day:0.10091951320741446	line:0.09892782668492611	county:0.09783432205349214	purpose:0.0856401718185288	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
w:0.4345387379451947	and:0.12304252769626556	a:0.0772320447477361	was:0.07364721392422462	of:0.07305930956303454	is:0.06299454361591335	have:0.05812906729269213	to:0.04640750008125672	for:0.04094905513368224	:0.01
of:0.2827344961127604	and:0.20741644021463918	in:0.13360992159563453	to:0.11988714523803431	Mr.:0.06238496550506883	by:0.05684554952949244	the:0.05249784860419568	with:0.03808224069278766	Mrs.:0.03654139250738693	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
a:0.40551079203260504	the:0.2190382193286064	one:0.07380242490573322	his:0.07048624348734198	of:0.06662306842590171	on:0.04695519601119794	their:0.045473116460571575	and:0.034076235752745494	some:0.0280347035952967	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
it:0.20232519177660643	he:0.16234484086264728	It:0.1554090302075327	I:0.1435863272450962	there:0.07378138159381324	and:0.07333071483799818	He:0.07174050734643728	which:0.05781177237565947	she:0.049670233754209356	:0.01
as:0.15812488837556046	is:0.15395329874036037	was:0.14337836658730613	in:0.1189425321040315	with:0.10320917101892087	of:0.09267011223645212	to:0.07859734495103216	and:0.07064305390623205	at:0.07048123208010419	:0.01
and:0.34824870366262595	the:0.13479544727800072	is:0.11364821415974406	was:0.08999792706323118	are:0.0889557404275931	to:0.061385314567896566	of:0.05207163309768841	an:0.0506734665372931	have:0.05022355320592696	:0.01
of:0.22910150922766157	in:0.11539276438983914	as:0.11127934553323833	is:0.1093065249044014	to:0.10099004487606558	with:0.08929933663062477	by:0.08343707285879862	and:0.07635553566197055	was:0.07483786591740003	:0.01
all:0.30826037754720076	and:0.19777451186045047	the:0.13783817867705564	or:0.07141897585837967	of:0.06627411872680106	be:0.05553444032781112	is:0.05461887495386119	not:0.0496252003329302	much:0.048655321715510035	:0.01
of:0.2518397786394566	in:0.15268657696135038	with:0.10103212007825894	to:0.09625653015249301	and:0.08844129005029876	is:0.08405557965366219	by:0.08083872128358498	for:0.07136769707335582	as:0.06348170610753935	:0.01
to:0.21571496008537056	and:0.2147437433322211	of:0.1349226313614745	for:0.08176353656957865	the:0.07860126999964767	<s>:0.07154275267433646	that:0.06954235828049105	in:0.06268491811446596	on:0.060483829582413974	:0.01
have:0.19456014853100315	he:0.16417662207190736	I:0.13019492783837258	has:0.11530129941502745	and:0.10578892868515052	who:0.10423060491937562	had:0.09625077757882439	be:0.04252228321977104	He:0.03697440774056783	:0.01
a:0.27394807961331546	the:0.24707931852227033	any:0.1828129406364805	no:0.06611330336948493	The:0.05580620906041495	other:0.054703309277701694	some:0.03861219611191327	every:0.03654590574501043	of:0.03437873766340838	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.12537937924608727	and:0.10985980430753879	in:0.06240993305390327	for:0.06192854377065039	be:0.05083764956696977	was:0.03700580416928512	is:0.0336844012946531	:0.01
turned:0.27807623505278334	went:0.18537108391497592	was:0.10600921312090722	go:0.0908618015365168	all:0.0805360473686907	come:0.07713603386247245	is:0.06241062691587634	came:0.056024000071036535	and:0.05357495815674072	:0.01
<s>:0.46828547773989276	it.:0.1210685524434765	him.:0.08673144706471538	them.:0.07093353086408377	?:0.056706220928418094	her.:0.05071896187013211	and:0.05018536997217528	years.:0.043796443687052246	again.:0.04157399543005393	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.17084699314207222	and:0.12158997349117337	is:0.11987771149535267	no:0.1157578302632057	any:0.11243295082853966	to:0.10466951552467968	was:0.08767625561376328	the:0.08444181812996866	that:0.07270695151124475	:0.01
and:0.18256157749026333	to:0.16433979570443547	of:0.15457884979586445	the:0.1277827385426324	was:0.08436879473166353	be:0.0802923412409957	for:0.07572785229194459	is:0.06129413214409847	in:0.05905391805810186	:0.01
of:0.2745756504289919	in:0.18508862102155468	to:0.14547648598143278	and:0.09953333714392165	for:0.06981875242353223	with:0.059653841947785835	on:0.059203584441771755	from:0.05099623668750375	at:0.04565348992350539	:0.01
of:0.22598847773788652	in:0.12795026761231412	as:0.10803511903377902	with:0.10289676309994414	to:0.1009209677774944	is:0.0958816162923596	and:0.08543175696245597	was:0.07364376919960383	for:0.0692512622841624	:0.01
and:0.20985953749929157	<s>:0.19655907591634078	him:0.14562357523866687	was:0.13081175984509055	out:0.06888656479548368	is:0.06378433190510589	be:0.06228516144860735	it:0.05743414475324811	made:0.054755848598165305	:0.01
and:0.35012442836304686	was:0.174026635596318	is:0.10012113301283442	be:0.07806336476909076	made:0.062337293361642836	succeeded:0.05872616518471301	are:0.05834028488492863	been:0.05723821297358973	were:0.05102248185383586	:0.01
of:0.3682911734597937	in:0.1667750163354473	to:0.11784804359411397	on:0.08453090012527725	and:0.05994944198646934	that:0.056927445681821245	from:0.0525145106366822	at:0.04324939597191228	for:0.03991407220848263	:0.01
manner:0.3946119345675231	and:0.18749701924918538	that:0.10855654014299566	way:0.07037996389927752	time:0.05382876808607621	it:0.04775881818150396	all:0.04270273332279963	one:0.04238708288685656	part:0.04227713966378213	:0.01
the:0.29074625237501417	of:0.15412710942283248	and:0.13830180997081062	a:0.12209640387724308	to:0.0939310268284685	be:0.05971045517402114	was:0.05080404237383469	is:0.04571900099510077	in:0.03456389898267466	:0.01
<s>:0.5142285592734251	.:0.08031327941640193	it.:0.0786305646815755	them.:0.06701746599132072	purchaser.:0.05525054024725761	year.:0.05146588171607162	week.:0.050883066760968695	time.:0.04840091255177975	States.:0.043809729361198944	:0.01
of:0.2117002760221176	and:0.19029866500397316	was:0.14164353725659226	is:0.11037720173196112	are:0.09749490185855303	were:0.07355667461294046	in:0.06454074158718145	for:0.05676993943907719	all:0.04361806248760372	:0.01
and:0.3309066756559541	demand:0.11951725037001645	ready:0.09893866457384981	used:0.09514434972463204	time:0.08611259291726484	not:0.0660784836651807	vote:0.06597209943325834	it:0.06550607031200961	candidate:0.06182381334783411	:0.01
the:0.7558679898397385	The:0.07064841215377446	tho:0.03019917199219242	a:0.027976266723501092	and:0.0262112426589935	his:0.021461053024908323	their:0.02090382119119497	very:0.019244003789258377	our:0.017488038626438364	:0.01
a:0.6472114806294291	the:0.1956586094302896	of:0.04193039305654485	The:0.028055670591450237	A:0.025628047366395117	in:0.020082275142360505	and:0.013275975720074797	to:0.009345242027813637	with:0.008812306035642169	:0.01
and:0.24950000697956445	have:0.19401074961209275	had:0.10501109271790146	is:0.09760256987076756	has:0.09386129600092614	of:0.06782931415815023	was:0.06200918600918231	which:0.060683060158410365	to:0.05949272449300475	:0.01
a:0.46577521148378026	the:0.14946965172908586	of:0.12442151240181873	very:0.05816361401677789	and:0.050824775796694636	so:0.04232104367388091	with:0.0395369152134407	as:0.030268088051194048	in:0.029219187633326867	:0.01
the:0.33601536274839616	of:0.16958902826991312	Mr.:0.10573912457216135	The:0.10541590539910746	and:0.08531333366099246	that:0.07291914405203645	a:0.05455260066519831	this:0.03190090597915657	in:0.028554594653037953	:0.01
in:0.281905473606721	of:0.2208443117457162	with:0.09602983681673131	by:0.08413222020440396	from:0.08322772170054299	to:0.08058352291560873	on:0.05299664563448295	upon:0.045612510177885486	and:0.044667757197907526	:0.01
the:0.7379829391062965	The:0.1180904707906519	a:0.04368778532601848	tho:0.03197297135755817	his:0.02030778167586781	tbe:0.010602551895248988	their:0.009687095132455012	whose:0.009563573524103895	of:0.008104831191799385	:0.01
to:0.6029234748158575	not:0.10685677045378247	will:0.0805053125791318	would:0.07348435472152394	and:0.058714604224932194	may:0.01928356596757802	must:0.017761258017253204	I:0.01655037912139117	we:0.013920280098549686	:0.01
and:0.18503758169557416	connected:0.15034217911809952	comply:0.1345998565590013	or:0.12199693264044557	connection:0.09499153051699552	together:0.09260556418715356	interfere:0.0835214849837128	not:0.06429576856749074	do:0.06260910173152678	:0.01
the:0.3254420906057255	of:0.21437796623315344	his:0.1246815137516165	their:0.1009609602040718	in:0.05749607304232446	this:0.05294126114014088	good:0.04902274255157519	a:0.03514503851511436	its:0.029932353956277934	:0.01
would:0.22980511667265655	to:0.17299540970927665	who:0.12482764014450815	they:0.1035530767531353	I:0.09251266344910343	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.055635813079984546	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.33234301859327503	of:0.16511810112924477	and:0.14359386254401948	a:0.07809521494992094	that:0.07723479213752328	The:0.052790940042757695	in:0.051550293467254364	no:0.0449303041329755	Mr.:0.04434347300302878	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
was:0.27640552810006325	is:0.17553117117550257	had:0.13626884643678625	have:0.11378524389463139	has:0.0995838201446808	and:0.05070803731156017	not:0.04954077122201075	be:0.04794618881600039	been:0.04023039289876442	:0.01
went:0.17585466353626125	come:0.17198192666961595	go:0.1712186648483594	came:0.15911310166854079	brought:0.0803766423230145	get:0.06901799674136543	sent:0.05526381723288371	way:0.0546348091375371	them:0.05253837784242174	:0.01
and:0.19981924536136086	able:0.13248592988721566	order:0.123134489772308	him:0.11025442400641676	necessary:0.09921571203751137	unable:0.08749410447623966	enough:0.08095777976827818	is:0.0791396149871568	them:0.07749869970351272	:0.01
the:0.8863726773530108	tho:0.04767429894468294	The:0.02037911013063574	tbe:0.014848854384155502	of:0.010704508851547225	and:0.0029070840653533446	by:0.0026907681676473397	a:0.0026265092802739095	tlie:0.0017961888226931213	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
be:0.28858646695323614	was:0.16714592776769222	and:0.15110718885684146	been:0.11576447226614643	is:0.09112974735725668	were:0.05681924828224646	are:0.050796012131709846	being:0.03724424530513167	he:0.0314066910797392	:0.01
to:0.5157875507290953	and:0.2459325709910596	will:0.05196507920024816	not:0.04772398002497765	or:0.032900922034453516	I:0.028307930140029528	that:0.022778909185456102	the:0.022346543037343174	we:0.022256514657336874	:0.01
the:0.36640333986457585	a:0.1372486655677365	motor:0.1042142293115653	this:0.08232170343735873	their:0.08107947394660432	The:0.08079892759989107	his:0.049020273396419164	our:0.04816487809018275	such:0.04074850878566643	:0.01
to:0.601275193532634	will:0.1535164112552777	would:0.06188121244442653	the:0.05044344248960314	shall:0.035898317121772993	should:0.02599589137460433	and:0.02248956751000779	this:0.0206830615302008	not:0.017816902741472858	:0.01
part:0.2616051257347694	one:0.17241232749815008	side:0.16360342569786457	portion:0.08433966332604263	payment:0.06971510808453478	parts:0.06227259080338477	members:0.059937409742747624	that:0.05968262067665106	and:0.056431728435855075	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.5288340082107037	of:0.1345092900641953	The:0.10019513558920254	and:0.06827770859663161	by:0.03895836783961232	that:0.03787201344885447	his:0.03182705254894561	tho:0.03019539818297228	their:0.01933102551888237	:0.01
he:0.3810972862418162	and:0.13732629704063093	it:0.10248513047329356	who:0.07499796349036131	It:0.07326875792388805	she:0.059252559226673315	that:0.05899933351457358	man:0.05143179083907942	which:0.05114088124968359	:0.01
of:0.46519781712888447	to:0.12827846768131573	in:0.0928314075708892	on:0.0644297231595585	by:0.06422402574303139	and:0.055338823804895826	from:0.045648513579994165	for:0.03864478600662316	that:0.03540643532480745	:0.01
to:0.27372874601438985	will:0.18577083655481674	may:0.11670742417102431	would:0.0866792379509786	should:0.0793354824989431	can:0.07250434050893131	not:0.060410033471595424	must:0.05960981147848367	could:0.0552540873508369	:0.01
the:0.7440202977974871	first:0.05726106349322123	a:0.044923708086381985	tho:0.039198177118075085	The:0.026899733551350856	second:0.02612287573799956	third:0.017757505449749283	upper:0.017637270072441497	tbe:0.016179368693293228	:0.01
<s>:0.27499824260454503	it.:0.17144182218368695	them.:0.12355485906336766	him.:0.10010627958996267	time.:0.0793371169175052	country.:0.0628905740007042	years.:0.06235059090010292	year.:0.05969941977393271	day.:0.055621094966192705	:0.01
of:0.4692813805067316	in:0.124871019393645	to:0.11522135813007803	on:0.08123962528773124	by:0.06761545370202654	from:0.04682531583038806	at:0.03171170698642459	and:0.029345645231550803	In:0.023888494931424142	:0.01
of:0.37881767676723654	in:0.11802519229262583	to:0.09830467167268366	after:0.08143319626065802	for:0.07998431243079566	and:0.06689911891671564	on:0.06089725477428846	from:0.05292869099520034	by:0.052709885889795874	:0.01
and:0.2090195077899725	as:0.1925037486233987	that:0.15721868075927636	when:0.13375825943665057	When:0.07845723209261113	but:0.07165197216926787	which:0.06731561071222111	what:0.040129227716270054	As:0.039945760700331574	:0.01
and:0.2887549460808696	made:0.2417013651103506	secured:0.0929775061531612	or:0.0875029412951301	that:0.07254702126358528	ed:0.05584015454002708	up:0.05382973996555791	followed:0.04859297817780225	caused:0.04825334741351589	:0.01
to:0.2664847505528432	for:0.16470498863744562	of:0.13208997892734467	and:0.10341581862003653	with:0.07935118510033001	have:0.06920239497884952	that:0.06297576873902244	had:0.05881151360444231	from:0.05296360083968569	:0.01
the:0.2958364752533239	and:0.23897696395818607	of:0.17211722188072948	to:0.058432106604849286	in:0.05750546798312862	or:0.05080339675901848	all:0.04714435462399913	their:0.03536773002067187	a:0.033816282916093135	:0.01
a:0.30581256356597325	this:0.256340011905686	the:0.22164573462131068	that:0.08333065537798785	to:0.03986664372669964	in:0.02557022866234683	any:0.02060963645241542	which:0.018877173836576985	one:0.017947351851003407	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.24190925323089366	was:0.13799128793841878	succeeded:0.11315442464504588	is:0.10923227395892864	be:0.10139430686441205	are:0.07627718686109143	made:0.0710811247270995	that:0.0705231871131748	it:0.06843695466093523	:0.01
re-:0.2092351283104805	he:0.17543290731081146	and:0.14729850204550246	be:0.1469730969356882	was:0.08790311318192516	He:0.06637256058432955	I:0.061353881714136145	who:0.05232956503335638	have:0.04310124488377011	:0.01
the:0.3331925550671004	of:0.2332480466534416	and:0.12395923476969917	a:0.07928370184843045	Mr.:0.05736952256192119	to:0.04770976412706071	The:0.04417668138726264	in:0.04189710404630304	that:0.029163389538780702	:0.01
of:0.3235591095485659	in:0.1271571080122114	for:0.1137598447070894	to:0.10632967106126863	by:0.07595704196435335	and:0.0631407936715245	that:0.06271523787787198	In:0.06214781076019327	from:0.05523338239692164	:0.01
well:0.21321257425074594	known:0.1833023137221186	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.06163044115944836	such:0.04848962176196867	just:0.03999506790086283	much:0.03382539293359975	:0.01
for:0.5440819813048948	of:0.19560472589469857	to:0.07345158632393214	in:0.05366312897429308	at:0.03077391536533446	that:0.025231972607796506	by:0.024350320863822435	and:0.02363546884497303	during:0.019206899820254954	:0.01
one:0.26177410899864684	out:0.15556960502827208	part:0.1300889311722691	some:0.11334280627319535	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229724	and:0.0565737601528326	that:0.055371084160479686	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.40236705751255364	of:0.16285296581723993	and:0.12204690126174438	a:0.10948767673778641	in:0.053718273105889815	to:0.05170802285770029	with:0.03383200974430577	his:0.028183247890129173	The:0.02580384507265061	:0.01
in:0.6723889924006204	In:0.17986011302274252	the:0.045882262853098786	a:0.024626750473032873	of:0.01933995933193952	this:0.01853109118268934	iu:0.011098259840360064	his:0.011056978437538863	their:0.0072155924579775455	:0.01
in:0.20715768094177783	up:0.18279332003914164	;:0.11837694749579784	him,:0.10739149963476594	him:0.08666239110162094	it,:0.08591651498111183	them,:0.0703075200507604	up,:0.06704658566797499	,:0.06434754008704854	:0.01
a:0.20629807968578695	of:0.1656464860166874	the:0.1528574965406212	young:0.12186170847375105	good:0.07956867865172777	one:0.07795841145824815	white:0.07126729228021007	great:0.05748111799546429	to:0.057060728897503125	:0.01
and:0.2512549561975129	up:0.11882662674701289	filled:0.11237413665917496	do:0.10246971047620451	it:0.10148832571202192	him:0.0896473868228615	covered:0.07618051411203293	charged:0.07389072779839465	made:0.06386761547478371	:0.01
and:0.38436506392192854	time:0.14871889696052248	reason:0.1091829920085257	provided:0.08369359689298067	that:0.06037544533546829	day:0.05853184432328357	it:0.049460312916072814	money:0.04787760696196815	way:0.04779424067924964	:0.01
of:0.35034428823464064	to:0.13563217114151757	for:0.1025688283775102	in:0.0869346564238885	and:0.07252676840279183	at:0.06950751575463678	on:0.06647685339855856	by:0.05384485100626352	with:0.05216406726019245	:0.01
<s>:0.5637974075176672	it.:0.09327743003396184	.:0.07144834322150803	him.:0.05727610092087741	them.:0.0531454231955193	Mr.:0.04610674255167584	time.:0.04099530745119179	day.:0.03404761169106698	water.:0.02990563341653165	:0.01
of:0.42985733560537825	in:0.10077283916251684	for:0.07658891722966664	by:0.07086524247664709	that:0.07078742583623931	and:0.06996633259610034	to:0.06479491785570278	all:0.05484208808056307	any:0.05152490115718571	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.664244108794009	a:0.09008511587377786	tho:0.04094000892030076	of:0.037987339414759576	The:0.0349058317932444	to:0.03208203891915236	stock:0.030891155833244865	and:0.03055222542911535	this:0.028312175022395723	:0.01
the:0.2485322325262682	of:0.14221305581248522	to:0.13323722793295562	a:0.12233064177599907	and:0.11954433183912364	in:0.07060356588227204	by:0.05378458648809466	<s>:0.05103488013625822	or:0.04871947760654333	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.19063277983277563	and:0.1388183430076511	his:0.12534227126861316	good:0.12387767124917096	their:0.11161899069659724	of:0.09500861008547909	abiding:0.07899989039249775	a:0.06752732482978023	no:0.058174118637434845	:0.01
the:0.2728132657644213	of:0.22782783978951207	and:0.19989617589222555	to:0.0742455104891707	a:0.06329747792987064	.:0.04060534660577226	by:0.03834151257715171	in:0.037600432997478644	<s>:0.0353724379543971	:0.01
the:0.2348936864380875	of:0.17141990857045894	and:0.15092221108899265	a:0.10125325371681407	to:0.08978991230211596	be:0.07036792028887345	in:0.0685027598781156	was:0.06545509613683566	is:0.037395251579706204	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.7244932461082945	this:0.09248144998528925	tho:0.04136333342260401	The:0.03061024167412252	York:0.02882594047769975	said:0.020326468936143864	a:0.019202209703562866	that:0.017487048652926756	tbe:0.015210061039356524	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.24967287767908994	and:0.17202113576094602	to:0.13254047026354387	the:0.11921417082348272	by:0.11589441278082113	in:0.06261868148612214	that:0.05098804643301221	at:0.045549883067955974	<s>:0.04150032170502597	:0.01
to:0.2717595834071824	the:0.21576383858826972	and:0.20772202455023198	was:0.0622010796753446	a:0.05602763003387055	be:0.054667579722422054	of:0.05065058276658894	is:0.036841140787709614	are:0.03436654046838008	:0.01
the:0.4688746627396616	a:0.1551350280115528	of:0.1271695963839968	and:0.0644580849878268	in:0.04422617794363865	The:0.03593115277740183	tho:0.03334896973268421	at:0.0312454421259938	to:0.029610885297243653	:0.01
the:0.4084789409141881	a:0.16736400427311016	and:0.1370562923042262	in:0.07353059646339409	of:0.07254317223682406	be:0.040374186293797236	to:0.03985826587134968	The:0.025466830096012274	tho:0.025327711547098203	:0.01
the:0.6177363684873278	of:0.11769399657308828	and:0.06658094032166587	The:0.043997359773382524	tho:0.03814355479338727	in:0.03544348438299672	on:0.027014448269052704	that:0.022655776542070256	a:0.02073407085702849	:0.01
that:0.2566530524760724	as:0.1727858984146879	and:0.16713829706498057	which:0.11429631119256974	when:0.08961566048349877	what:0.0511346970942626	but:0.0493396582595117	if:0.04619672803323343	where:0.04283969698118304	:0.01
in:0.34640716276190153	In:0.11041926005540058	is:0.1080318361569966	such:0.09945162920312146	of:0.09787240296521321	as:0.08355991060432057	was:0.058729928570223876	with:0.04597903086403312	for:0.03954883881878906	:0.01
the:0.34760338410215663	a:0.26900931038792536	and:0.150584368481598	in:0.060223767263296056	of:0.056350181032857084	to:0.029915940232032527	any:0.029686064537784194	The:0.02439258666325304	with:0.022234397299097125	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.6073547821252848	in:0.10405237973162224	at:0.08767893766138239	to:0.056460275265113345	from:0.040281308728492185	for:0.03153037807095878	In:0.027019259032163515	and:0.019091815891225383	by:0.016530863493757153	:0.01
the:0.6920696564515137	and:0.07406444862619409	The:0.051053017513531904	a:0.050819471637060326	tho:0.04020697444380103	or:0.025334786980068445	of:0.0228235375069253	de-:0.018737170865491818	tbe:0.014890935975413267	:0.01
and:0.28943445057394	was:0.13334684121779972	be:0.10485758489706869	made:0.08829320972857292	that:0.07903823328789869	up:0.07769424909698175	is:0.075178691903094	are:0.07330416462664778	been:0.06885257466799642	:0.01
and:0.29741162641941254	to:0.18385963671505207	of:0.1104954464255743	be:0.08995640654913849	was:0.07444163795661357	is:0.06454440322839741	or:0.06321719612942556	not:0.057415582771396426	by:0.048658063804989646	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
the:0.5212802975336674	and:0.1087380758499485	of:0.09590336615293302	The:0.09021573129282347	a:0.062257345570549974	that:0.03780562354343084	tho:0.029783870097203947	his:0.023678332873413876	in:0.02033735708602883	:0.01
and:0.3184205558276694	is:0.1439438196532322	was:0.14144974688052014	it:0.08674145321159135	that:0.0689748607500958	are:0.06467766768515057	be:0.056570417614367804	found:0.055914812679484845	or:0.053306665697887896	:0.01
the:0.43297464876439173	a:0.12985963984139096	to:0.09418537671020615	this:0.09339370202485257	and:0.07863753128143981	of:0.057468533912796174	The:0.03823859551707176	who:0.03355597080202051	tho:0.03168600114583041	:0.01
and:0.14760161091992244	as:0.14569173689273976	order:0.1314117946957403	able:0.12120725674721548	is:0.10407782949177481	enough:0.09876455927868695	necessary:0.0916173196955863	him:0.07824790662161216	was:0.07137998565672181	:0.01
the:0.5056857008145232	The:0.13157459950539635	a:0.09113471636496441	and:0.06906353733343598	of:0.062270286909419915	this:0.05566616319010978	tho:0.02647871927819596	his:0.025363497207126082	our:0.022762779396828404	:0.01
Section:0.3098469951942747	Sec.:0.2841239733608562	No.:0.08791886070554819	March:0.07739146552956055	April:0.06459937244733693	June:0.04507982687846466	May:0.04192419741728147	July:0.04041899042406283	.:0.0386963180426144	:0.01
to:0.24639859184868146	I:0.16081300290547618	not:0.14085361363012044	we:0.11261920726071467	you:0.11027222010496374	they:0.06985438248323243	We:0.0553968813533979	who:0.048918975539092774	and:0.04487312487432052	:0.01
to:0.41150994787547807	and:0.33457682366908015	not:0.04682399608049895	will:0.04344079393529064	that:0.03657401485219989	I:0.03652055450569058	would:0.03121215122047131	who:0.02479972891326757	which:0.02454198894802293	:0.01
the:0.3921315661064481	of:0.16471124318565736	a:0.09918992940933438	an:0.08732748245980479	at:0.07284307456243867	and:0.07096305335743457	in:0.04549245984166011	from:0.02924521559681385	for:0.028095975480408174	:0.01
and:0.33651200696739575	to:0.18561280114709738	of:0.08386717831522203	which:0.08237112197637284	re-:0.06907863865464145	that:0.066126456572214	for:0.05715061258578536	or:0.05589309360209148	not:0.053388090179179656	:0.01
and:0.2502540775308722	he:0.20550800623172855	I:0.1162119375020717	He:0.10201040831259019	who:0.07770440890568558	which:0.07733958582542037	she:0.06086750635864563	that:0.050292634071039295	it:0.04981143526194638	:0.01
the:0.4456570707694225	of:0.1732737541072876	an:0.0753328743084009	a:0.07528281370572902	and:0.06788312232288717	The:0.06343796644202812	to:0.034860957752305154	tho:0.027762589929837465	in:0.026508850662101825	:0.01
of:0.36788805554268333	to:0.17899893596996577	in:0.09967033479723968	and:0.08262486266640548	by:0.06402742516433042	for:0.05951954504574957	that:0.049304612825860974	from:0.04816747665317087	on:0.039798751334593895	:0.01
of:0.1857519622978024	is:0.1690870706775603	was:0.13877726198192106	in:0.09925420894105784	with:0.09871804838669339	and:0.08818157116711596	to:0.08643485860618282	for:0.06310610032824931	as:0.06068891761341684	:0.01
and:0.30291650002862075	the:0.22287875295731202	a:0.1443196836713922	to:0.10293222813295004	of:0.08611789377976029	or:0.04010606874913995	that:0.03076466155765475	with:0.030698451365509548	by:0.029265759757660582	:0.01
an:0.3061140454711452	the:0.2676254759629557	a:0.12103002488078382	and:0.08726030536679442	of:0.057693054487416774	his:0.04842372929419431	their:0.04760256216845412	its:0.03466075590162059	her:0.019590046466635116	:0.01
the:0.16440861012027536	a:0.16127619032291127	or:0.1412468478434887	and:0.13746000350686674	no:0.10645588971496965	much:0.09170529655471517	of:0.07882929521295744	is:0.0625693326195363	be:0.0460485341042793	:0.01
a:0.5865758799064725	and:0.07333745882280202	the:0.06499850024864584	to:0.06346643468254508	is:0.045629236221619004	be:0.044042323449886914	very:0.04213088035591552	with:0.03604605702638875	of:0.03377322928572435	:0.01
not:0.2619622945293884	will:0.22623881177355218	and:0.2206510706460887	would:0.0699164810345452	may:0.04471994741551853	do:0.04446954382735933	as:0.0429177988422496	can:0.042628605203626144	And:0.03649544672767199	:0.01
number:0.3228746331332171	line:0.11262851533730216	part:0.09520861030878382	amount:0.08943398898031849	out:0.08170338619677012	board:0.07261883313338807	matter:0.07216187554645898	men:0.07184604465566709	kind:0.07152411270809397	:0.01
be:0.37444404800298875	been:0.1554825093195885	was:0.11707464885231779	were:0.0877854650428399	and:0.06366985980125679	are:0.052575479277393714	had:0.050689930051658914	has:0.04474674298040741	have:0.04353131667154824	:0.01
of:0.34292032203665374	in:0.19097151554725814	to:0.12864387625255078	on:0.09359691230079072	by:0.06247423331415553	In:0.04747180847640569	from:0.04737192351920632	and:0.039343826451885826	that:0.03720558210109322	:0.01
as:0.17734995574137258	and:0.1471340981889704	is:0.12314641161032343	it:0.10456654435470485	him:0.10341117730856658	time:0.09221259843092078	them:0.08490644915927995	subject:0.07910942046035271	right:0.07816334474550865	:0.01
and:0.24775385335698727	w:0.16759118470121168	the:0.1378308435347451	his:0.1282587761381735	to:0.11403665516136796	t:0.06738065548345687	her:0.043847010501942896	who:0.04244082129438521	I:0.040860199827729565	:0.01
of:0.3210325233473484	to:0.2063077422915117	on:0.1190641065158148	in:0.09804614827596493	and:0.052902585726070435	from:0.05271688578130403	that:0.048732250827086786	by:0.04830082599000867	with:0.0428969312448904	:0.01
the:0.38444268026678596	a:0.16073735041744547	of:0.1451158234665558	said:0.0898670501617406	and:0.06971181286702763	for:0.04070350167971949	The:0.03977981584981914	tho:0.030215494390754383	that:0.02942647090015144	:0.01
the:0.30908806204995304	and:0.2021199752140314	of:0.13486912198728426	a:0.08156652884358065	to:0.06872515330429758	that:0.049147080372366585	The:0.04881586833161894	Mr.:0.04812337385799479	or:0.04754483603887259	:0.01
;:0.22559084303002083	it,:0.1545946589131965	them,:0.12346183780082112	in:0.10843452478653938	him:0.07845983793789164	up:0.07624506824521522	you:0.07516510365591558	it:0.07403412068439238	and:0.07401400494600735	:0.01
filled:0.2186165041755312	covered:0.158079548925875	and:0.15398995808855578	together:0.10315898217779305	it:0.09342138963523332	trimmed:0.06881626332388845	them:0.06652586521268666	him:0.0658240037037389	lined:0.06156748475669776	:0.01
of:0.30481731633082393	the:0.25292583619331405	in:0.08622497796132546	a:0.08528660828155611	to:0.07587896405620394	and:0.06985188973590206	for:0.05934960462116136	some:0.03200302636249968	that:0.023661776457213585	:0.01
to:0.5357443123261034	I:0.08689756406873811	and:0.0827806734433815	will:0.08236542359857253	not:0.04663836988154892	you:0.04286176324020412	would:0.03937360862261094	we:0.03930607329097858	they:0.034032211527861934	:0.01
and:0.23352842728146975	looked:0.1433938252021938	look:0.11679201053599442	him:0.11081492559146433	was:0.10808749245809364	died:0.08296089620387953	it:0.07003338350249975	held:0.0636493661753928	up:0.060739673049012136	:0.01
the:0.7370456807718171	The:0.05548784315230435	tho:0.04242982539154104	and:0.04120326569861786	a:0.02770542680239013	in:0.023782506335952983	of:0.022211486187308734	tbe:0.02032694471059724	all:0.019807020949470466	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.408899911285333	of:0.24227619321907012	and:0.07398408378154964	for:0.05270768778040418	to:0.04835743201581173	in:0.043508220867859215	more:0.043504097237680034	all:0.03884443381841415	their:0.03791793999387798	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.28093874506673566	it:0.14565130730806355	pain:0.12965325697815863	was:0.07902862677541422	him:0.07510760859958082	not:0.07499663083941865	that:0.07293660584681616	up:0.06709553384498941	is:0.06459168474082283	:0.01
of:0.29633572450437873	in:0.14608538748858488	to:0.1415677969515685	for:0.0941246122349261	and:0.08474980319055245	with:0.07400648853301359	on:0.05839473007661018	from:0.05014706301412718	by:0.044588394006238215	:0.01
of:0.4932598085970204	to:0.14179975682907803	in:0.10487382020592746	from:0.04833323699428859	by:0.04766144971248549	on:0.0392572357543789	that:0.03899521160302972	and:0.03820754742494841	with:0.037611932878842895	:0.01
number:0.1821189092851644	out:0.1437821953458579	plenty:0.13807782813232408	amount:0.12908462532018683	matter:0.10892217023520502	lack:0.08809246615187889	kind:0.07143943965383995	deal:0.06569278937521149	right:0.06278957650033144	:0.01
in:0.15716872521337105	highest:0.14506910343143695	largest:0.1379642128322369	it:0.12908092135793436	time:0.10860851895378558	;:0.08638797274853391	made:0.07891963805256427	law:0.07617233416038825	him:0.0706285732497487	:0.01
one:0.16894437149404426	two:0.13589906462145185	hundred:0.13113489855047172	a:0.10639108034383842	three:0.10486857336230855	five:0.10328558866402718	fifty:0.0984893396510388	ten:0.08556973770886167	four:0.055417345603957655	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
a:0.41421862519668834	the:0.33670445750614436	his:0.06999593559053328	this:0.04607478334441457	their:0.028987666057724827	and:0.02692703091532166	The:0.02462581287839039	said:0.022025863744179777	her:0.020439824766602662	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.27062093316726427	of:0.2058837608840983	and:0.08834827289900334	The:0.0853987581870392	Mr.:0.0848051425396133	that:0.08185133110159959	in:0.0776092527328897	Mrs.:0.049118875532564533	which:0.046363672955927845	:0.01
and:0.3093655620212602	to:0.17370118736174034	of:0.13038200997623184	the:0.08771758421888157	which:0.06191870937029182	<s>:0.05888938295259155	re-:0.05752501777704928	in:0.055852125160339605	that:0.05464842116161378	:0.01
of:0.5451297882682867	in:0.08542997412173924	by:0.07435471138890196	for:0.06343197441649058	and:0.06341343949081495	to:0.061416032155735774	that:0.0356271492759087	with:0.03537389678075249	from:0.02582303410136949	:0.01
the:0.6813231373424599	and:0.08925441882374724	The:0.056613857297762804	tho:0.04225814397625024	in:0.03296730630561122	a:0.025531885665381563	great:0.024386951003889462	of:0.021724542380621076	his:0.015939757204276525	:0.01
it:0.3164017804771316	It:0.18753949814117393	which:0.09414510332944916	he:0.08042740968198475	there:0.07598843090541198	and:0.07384645502436786	that:0.07322329887836482	who:0.05674153340839758	There:0.03168649015371842	:0.01
in:0.27643648381144426	of:0.19619690538321816	at:0.12073793081559765	to:0.08554019376698718	without:0.06974266899025229	or:0.0671718273606311	from:0.06431868298814508	by:0.05759500052389659	for:0.05226030635982779	:0.01
to:0.3216888513664843	for:0.1425534988903963	of:0.12203152883398793	with:0.09581861854904952	upon:0.08332129510114093	against:0.08004415442127386	by:0.058714746451425215	on:0.04692788091862681	at:0.038899425467615066	:0.01
as:0.25940665385176387	that:0.23928204127600736	if:0.14786830227009118	and:0.1107429479753052	when:0.0638060134959275	which:0.05310774291846435	but:0.05043880376982659	until:0.033650881216647305	for:0.03169661322596666	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
the:0.6784196000885327	a:0.13908689000247607	The:0.04136663708094289	tho:0.03614497271071452	in:0.027900600289280604	cardinal:0.01910151826605943	fundamental:0.0180177309598404	every:0.015831742505334707	this:0.014130308096818619	:0.01
to:0.2962287160276502	I:0.24286153447848005	we:0.11988916995261593	and:0.07121849146723339	they:0.06955643644802259	who:0.0646138308397989	not:0.04807746888010371	We:0.04520371681812288	will:0.032350635087972486	:0.01
a:0.29056417556413844	the:0.20276290006835307	of:0.16598961449895813	to:0.07565175956340875	at:0.0712255856900909	and:0.054855419437907824	in:0.047990426521640844	on:0.04741654693643415	by:0.03354357171906783	:0.01
number:0.2212178397020679	place:0.18121775406988186	out:0.11117962420357863	thousands:0.09369043741587967	amount:0.08821066085801411	point:0.07628454132916004	mound:0.07508719852365413	line:0.07368018872735874	day:0.06943175517040492	:0.01
I:0.4159580622160198	to:0.17080540166936992	and:0.1008883073285615	you:0.07154913166686483	not:0.07031251285590621	we:0.051418844238347645	We:0.03783134693637842	but:0.03598420074590681	1:0.03525219234264492	:0.01
the:0.2873953035074578	of:0.21344440021812378	and:0.11296142765504273	a:0.08461592541970958	to:0.08226070552655401	be:0.0742740825216053	in:0.049384345903346547	for:0.04346745705650477	their:0.04219635219165555	:0.01
of:0.3693673782193348	in:0.17215768908689885	to:0.1239434037243533	for:0.061937188120426596	and:0.06119366091637084	with:0.059921230539834516	by:0.05910363648253348	from:0.0457314976229363	is:0.03664431528731137	:0.01
of:0.2347715835217755	that:0.1801037401060055	and:0.16850015393138607	to:0.15646866587518465	by:0.11516182513020506	for:0.040751054467460135	with:0.03473884788256067	said:0.030549111190380132	which:0.028955017895042262	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3853244944598765	of:0.20161191429901182	and:0.13281277996971314	a:0.12239923761336709	in:0.03551265260697983	to:0.03103354669114786	or:0.028518751250521997	The:0.02804008313706694	tho:0.024746539972314786	:0.01
and:0.3116040604268401	was:0.15198843375330282	is:0.14293478689701092	are:0.08751495165964814	be:0.07444339263214533	it:0.058539239927337075	that:0.056407200625123846	been:0.05369932938516691	succeeded:0.05286860469342483	:0.01
of:0.4113118805873686	to:0.10766845451161249	make:0.10318129871820048	for:0.10142028036499078	with:0.09492407018317187	upon:0.047948028783204234	give:0.04542177614021699	by:0.044223930642411216	in:0.03390028006882328	:0.01
more:0.23666962608195696	person:0.15698075343671475	one:0.15648458689013323	law:0.10742675235823702	man:0.07799617989662963	action:0.07663808012453502	debt:0.06438269702433924	right:0.058028344234463715	time:0.05539297995299052	:0.01
the:0.6181267891922759	of:0.08954503148636385	a:0.07586674323318082	by:0.059390725898353675	The:0.03881726598622238	tho:0.03287961387085925	in:0.02966271405917556	first:0.025113247118053635	and:0.020597869155514946	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.2639506293851738	and:0.19501039686586266	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869993	is:0.061556309784988675	be:0.04742993418457255	he:0.04243046255372473	was:0.03827880970426892	:0.01
<s>:0.259439135731656	him.:0.20100035543772304	it.:0.12583494676797982	them.:0.08585089681790718	time.:0.08099998019879431	life.:0.06292662373010029	.:0.05990013580870493	years.:0.059437215128948145	man.:0.05461071037818635	:0.01
and:0.167673560168984	him:0.1302595889239382	want:0.12288405280822053	able:0.11252456763525269	is:0.10177603532893538	enough:0.09848886248683617	have:0.09133909511025426	me:0.08613098450363031	necessary:0.07892325303394836	:0.01
the:0.2605880434780103	of:0.20975766648096192	to:0.16219727420161864	a:0.10052631057186298	and:0.07888459452761812	in:0.07417656369568967	on:0.048506072781993634	The:0.027825525915674196	at:0.02753794834657054	:0.01
<s>:0.2613088549649225	and:0.15580981423434095	was:0.12353456311453885	be:0.12011264833573745	is:0.07434522515091425	are:0.07263628290767327	that:0.06650679362055881	were:0.0627739386615939	.:0.05297187900972013	:0.01
and:0.24806658238388815	was:0.1404578382604884	recorded:0.13173223861784336	is:0.10073343460412247	made:0.0852118325285516	up:0.07777872850808107	as:0.07663231081688818	held:0.06663094950086344	it:0.06275608477927343	:0.01
one:0.24882240893376512	out:0.1887334300387465	some:0.1202990048149477	and:0.08521320866975132	part:0.08323606031267282	many:0.07356812523477475	that:0.07216167073460969	all:0.06139999770845047	time:0.05656609355228154	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.309467002264532	of:0.18035262549692663	and:0.11119273369645903	to:0.10968459345857927	a:0.08804854126777606	his:0.05335135759514798	be:0.05037490992496116	was:0.04464248423800636	in:0.042885752057611616	:0.01
he:0.22175169877898146	it:0.16322830800044286	It:0.11810384507815477	which:0.10353167502221937	I:0.0958442802177256	He:0.07808736780841995	and:0.07787726429433148	who:0.07521534391244238	she:0.05636021688728211	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.5727886398026025	a:0.1986749590492149	his:0.07166976262034834	this:0.036271166878606716	and:0.027883691346987392	of:0.02405518876705925	their:0.021069224840571988	tho:0.019462343904992484	The:0.018125022789616526	:0.01
of:0.427001161532826	in:0.36678296767137025	In:0.08504184702524369	to:0.03515694678372701	for:0.020416966271535192	that:0.017439290143290834	by:0.015681989133997452	from:0.013280560168697653	and:0.009198271269311867	:0.01
be:0.3884678789234725	been:0.20003453826326087	was:0.1944156505900578	is:0.054073685711540816	were:0.052050825778119696	are:0.029202158257400915	have:0.025424822023816438	had:0.0252174387256832	bo:0.021113001726647707	:0.01
the:0.6697690013598361	The:0.06689917935940716	a:0.05298030767797346	and:0.04983391766927469	tho:0.04916260121461555	any:0.03684265298959118	by:0.022620177622061952	an:0.021263344144552263	in:0.02062881796268764	:0.01
they:0.32794022258836636	who:0.1328333361307845	we:0.1194131292029674	and:0.09173102170724179	They:0.07960306395119171	there:0.06873547797735446	men:0.06648571761000102	which:0.05816921130566582	it:0.045088819526427	:0.01
the:0.3666098779351738	of:0.2256053754222402	a:0.11750982970331225	and:0.06672813567807487	to:0.05694040830080928	his:0.053846451611708104	in:0.039814669484896856	with:0.03275042421849142	for:0.030194827645293295	:0.01
in:0.2629916846552475	of:0.2374747333229923	to:0.11623473481910031	from:0.07575643326982998	for:0.07423930839252836	with:0.07128419961779621	by:0.05706842511721635	In:0.056461208493637484	and:0.038489272311651564	:0.01
the:0.5141457739836849	The:0.2950045206725871	of:0.07309953792189086	that:0.03033767467117326	tho:0.02218089583203861	and:0.02000940337951442	this:0.013188894873427628	a:0.011968483846002987	tbe:0.010064814819680213	:0.01
the:0.39227939578498844	of:0.20213074781626741	in:0.09851200609318482	his:0.07181992761771305	and:0.053453911016422634	for:0.05334820161763843	to:0.04149456930136984	a:0.03910874243680619	with:0.037852498315609204	:0.01
and:0.3309066756559541	demand:0.11951725037001645	ready:0.09893866457384981	used:0.09514434972463204	time:0.08611259291726484	not:0.0660784836651807	vote:0.06597209943325834	it:0.06550607031200961	candidate:0.06182381334783411	:0.01
did:0.20878607124705012	do:0.15428408155985487	could:0.15085576060883693	does:0.13659615586599216	would:0.12912376141234255	will:0.1244653601357192	may:0.024283116121130485	should:0.02345383339040368	had:0.020211773426663193	can:0.01794008623200697	:0.01
the:0.3003330690371528	and:0.17095780787780682	of:0.14749025920584952	this:0.0987507731253936	in:0.07655205607342307	such:0.053511334673970574	to:0.05285759252696354	that:0.044938033986576954	which:0.04460907349286318	:0.01
gold:0.5581642389104192	hundred:0.12052889072237587	men:0.08933798568758869	wife:0.057740763155311486	relatives:0.04174268668565325	city:0.03811482161167378	land:0.030936482520491408	in:0.026856518703656764	up:0.026577612002829328	:0.01
the:0.301965987380445	and:0.1986109324224081	to:0.10893018332240718	of:0.10720786107769581	in:0.08124785220899161	a:0.06322211543180747	<s>:0.04652953818111842	for:0.04419298698084707	I:0.03809254299427955	:0.01
of:0.36319721613767747	in:0.15792698496706048	to:0.09864878392860574	and:0.08887313371661498	by:0.07765385130522502	for:0.06383028547430684	with:0.05451195951670561	that:0.04678818094181671	In:0.03856960401198715	:0.01
the:0.24311951553998726	a:0.20188355758110077	of:0.165037881492765	and:0.14471557854938008	in:0.08903357496181369	from:0.03837217788624234	The:0.0363595540663629	that:0.035751679324874296	with:0.0357264805974736	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
to:0.2938691285593701	will:0.27091548324187575	and:0.0944490611783021	not:0.07655672179331802	would:0.06131144242130822	may:0.05870869130830389	shall:0.048319168016185125	is:0.043474966075097744	it:0.042395337406239075	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
peo:0.43530247121570526	the:0.11822774829602647	peo-:0.10247340576785428	a:0.09092956100382836	of:0.08399199070903313	and:0.058311688035248097	as:0.038636446070031354	said:0.035710310576328536	di-:0.02641637832594446	:0.01
north:0.4475706415932609	feet:0.12551733402880494	east:0.08391334517790347	street:0.0740495419497939	land:0.05468649834098591	North:0.05413073083253674	south:0.053172350245890045	chains:0.05081673212985219	;:0.04614282570097178	:0.01
the:0.5208699512529816	a:0.10404622048238932	of:0.09618371428492235	said:0.06613354886398887	at:0.05120031469276136	to:0.04768653429292527	any:0.04200147782352733	and:0.03470747727300016	The:0.027170761033503698	:0.01
has:0.1886416843730582	have:0.1741428817353717	was:0.10216802380312044	he:0.10049274025443483	be:0.09861577221460267	is:0.09858028793319838	and:0.09032561682634642	had:0.08276139911620571	been:0.05427159374366152	:0.01
of:0.25823735451086327	the:0.13793974357911254	and:0.1261945327872129	in:0.10903247852169387	a:0.10865155169663732	to:0.09238292652407407	-:0.07710713226639392	for:0.04331262260445606	by:0.03714165750955609	:0.01
the:0.6735280597915383	and:0.08729129994708863	of:0.07174176304129307	said:0.03663411325234531	The:0.03400184301955722	tho:0.03144370135629142	in:0.020932591032583308	on:0.01878151453469384	or:0.01564511402460894	:0.01
a:0.47293175540792126	the:0.13353077013780473	very:0.09248794803487055	of:0.06738169537367765	and:0.06332513724157653	but:0.045647564697677785	with:0.04491377426106902	is:0.03859028795756805	to:0.03119106688783435	:0.01
to:0.5949327136105765	not:0.11996282544064088	could:0.05447690426093985	will:0.05029218459125191	and:0.0448347735040986	can:0.04030759917833194	they:0.031049700398971862	would:0.029245663771515645	may:0.024897635243672722	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.2735900659577961	the:0.1555769448654546	and:0.12432954580218311	a:0.11720381974340094	to:0.1041505709777092	in:0.08233958509752284	was:0.045557072074220245	with:0.043647118952881044	is:0.04360527652883189	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.2225487639242094	and:0.14984605471520662	in:0.14324964628238337	to:0.09268435781117304	any:0.08423031552094204	from:0.08038447697205824	the:0.08017995252876588	by:0.06845035027133223	for:0.06842608197392928	:0.01
to:0.2617137791791448	for:0.22870313473676598	of:0.09500953121309016	and:0.0912491456466005	threw:0.08843548468436996	put:0.07081475427686279	get:0.05645009185049506	in:0.05243336599922697	throw:0.04519071241344374	:0.01
of:0.31382547600257527	at:0.14220270656396275	the:0.13644298188144502	to:0.10424417756003813	in:0.09722019230480701	and:0.07615231482268701	from:0.06086219155729951	by:0.03610786113164367	for:0.02294209817554157	:0.01
of:0.2175996306784183	the:0.16549920364968698	.:0.16492771551567434	and:0.09877824180147325	Mrs.:0.07745767080302547	by:0.06917801196216597	J.:0.06650376276314136	John:0.06636970919338368	H.:0.06368605363303055	:0.01
the:0.19450260354116622	of:0.17635756026324806	and:0.1709596688916616	to:0.13174067963048383	a:0.12684154041131124	in:0.06531373308911204	be:0.046514172668600896	with:0.039510198071034244	was:0.03825984343338188	:0.01
of:0.20482777277060718	the:0.191574690199803	and:0.15721331678417244	to:0.1549827058826635	a:0.07932264084144192	be:0.062583668028278	was:0.05125038664443885	or:0.047336216564486513	is:0.04090860228410865	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.3421425280879281	to:0.17800625501403844	in:0.11335841777688076	and:0.08175780483237326	from:0.05933269158156278	on:0.058869876080230046	for:0.05404377642899885	by:0.05220780661025094	that:0.05028084358773693	:0.01
and:0.26106849062347115	the:0.19554736216822505	any:0.13427360282152664	or:0.11631328769202957	of:0.07443676633240681	all:0.06892701553237131	no:0.05109724528059536	some:0.0462979816023174	in:0.04203824794705671	:0.01
and:0.43714406329511596	days:0.09815757744788602	shortly:0.09351768808916137	that:0.08382449020673634	soon:0.08019203524087132	minutes:0.06143546298628004	until:0.04838024245481747	but:0.04549269109168711	Shortly:0.04185574918744454	:0.01
in:0.4295227376621914	of:0.20199621914599986	In:0.10494848237749936	the:0.06172647528051061	a:0.043472828141621296	to:0.0394229741382112	on:0.037818298564245	at:0.037332833396794426	from:0.03375915129292695	:0.01
the:0.3003239843946416	of:0.24123798292280735	to:0.10967522063229845	and:0.10241337743572466	in:0.04851293154742209	<s>:0.047867601471535626	was:0.04741818560160526	on:0.047088981773871705	for:0.04546173422009339	:0.01
and:0.2660107200285769	lying:0.17455175088763406	it:0.09251120057524648	was:0.08951702550510325	made:0.0772253589469859	now:0.07698235723093784	them:0.0766161612532918	that:0.0693082798272056	is:0.06727714574501821	:0.01
of:0.2525782558132315	to:0.1438833923824268	that:0.11612702209513832	in:0.10417477707905623	or:0.09322040900855177	for:0.09190159692377249	by:0.08517109591706234	at:0.05297330608542665	if:0.04997014469533382	:0.01
and:0.2652634788189831	place:0.20608702038716104	point:0.1196718034689221	cases:0.08459865196600339	spot:0.08338543012990264	that:0.07005480893263438	every-:0.06056738561391333	places:0.05325281402571342	of:0.04711860665676656	:0.01
to:0.39654406299571276	will:0.11023003864135353	have:0.10017327504071026	had:0.08539590972093525	not:0.0694918018561001	has:0.06805401137763294	be-:0.059370876557056224	they:0.05401905908354118	and:0.04672096472695779	:0.01
the:0.26631771811439525	and:0.20187492102926918	of:0.1589843633303804	to:0.11059027842715602	in:0.0571012098710703	that:0.051462395651177245	said:0.050581573006078746	for:0.04673165755322649	his:0.04635588301724631	:0.01
the:0.27304996835118683	of:0.23942118511978513	for:0.10381271503095649	and:0.095129555940787	or:0.08545293584071943	by:0.07023828981502359	in:0.06039427782650088	these:0.031281991410495785	that:0.031219080664544964	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
the:0.5512744873992835	a:0.11112329733708555	any:0.09829662272556632	at:0.06169360981225637	tho:0.04232257457820852	The:0.041971425436787335	every:0.029836170945007984	and:0.028635174220778603	by:0.024846637545025738	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
and:0.39374688118394197	to:0.22349962865051812	not:0.07325808986714295	that:0.054342221381652435	or:0.0516867063609947	who:0.04990290645230247	of:0.048965821591113116	will:0.04819592503119137	re-:0.046401819481142845	:0.01
the:0.35345610456470805	and:0.2051524207925185	of:0.11439307401553007	I:0.0886195634000105	to:0.05488273443457725	The:0.05045111873676749	do:0.0451493454014473	a:0.03993357871912917	in:0.03796205993531178	:0.01
the:0.4311151783115649	and:0.11220662126497953	of:0.10667706976726525	in:0.09860771949799929	an:0.08507796445363008	that:0.04553465003636284	their:0.03811026156079695	to:0.03763148952374201	a:0.03503904558365905	:0.01
in:0.20195633827499868	the:0.19556308035687367	on:0.1519698601100884	a:0.12850475666202046	of:0.08856738141392573	In:0.08321452710540712	at:0.052058672194068484	from:0.05168787111807594	and:0.03647751276454154	:0.01
to:0.6185330823815426	will:0.1198483204839884	and:0.05768923466883851	can:0.0529483975043764	I:0.04065926191996748	not:0.027930025551208073	the:0.027009354222178487	shall:0.02287610312930983	they:0.02250622013859012	:0.01
the:0.3661510278115807	of:0.18604011314490668	and:0.1109152575647309	in:0.09556882822052379	a:0.07472429387547162	The:0.04949365505368283	to:0.04579469490461243	at:0.03277907132192454	tho:0.028533058102566386	:0.01
of:0.2617708552015178	and:0.18481165182724443	to:0.18421515533405086	the:0.14265137383970686	in:0.061130862243092	a:0.05800755818401831	for:0.03664374363958935	that:0.03284393419005219	as:0.02792486554072807	:0.01
the:0.38249491695942284	of:0.18298952547349914	and:0.14835305352087438	a:0.08067174367115877	in:0.05342687691826655	to:0.04773492247540222	or:0.03590997726770017	The:0.030341223954167988	at:0.028077759759507995	:0.01
at:0.44659958304188835	for:0.13512240030818584	of:0.09415066394754064	to:0.07954829232875775	and:0.05386871356290936	At:0.05022258079577466	during:0.04413469830326203	that:0.043380736563209045	in:0.04297233114847239	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.2611491102613345	covered:0.14376551213793576	filled:0.14181698717345156	together:0.13396499278193463	charged:0.08903151452342417	up:0.070664662455304	that:0.05449983020071744	but:0.04879650329975542	it:0.04631088716614253	:0.01
in:0.2291796231230006	of:0.19894604768114812	to:0.12894122755459386	for:0.0981401666214376	with:0.0799494179447224	from:0.07786568636192283	by:0.07136739601410988	at:0.053415232000225306	In:0.052195202698839635	:0.01
the:0.27010989200646995	of:0.16045615257725332	and:0.12959593548799322	on:0.11219861359121457	or:0.08252152504155824	as:0.07777027457329741	to:0.07572477987269935	be:0.0409099616357931	their:0.040712865213720896	:0.01
the:0.3246502083788233	of:0.17755856595863648	and:0.16110492809915075	to:0.09332606327702567	a:0.06646017066957834	at:0.047863837549742216	in:0.04163912863550701	for:0.04119583740728431	or:0.03620126002425198	:0.01
of:0.494344462196785	by:0.11437374286054318	to:0.10170642720973083	in:0.07036865223005784	and:0.05957132952914667	that:0.05633632506000686	at:0.03259669951283122	from:0.03063622363809227	on:0.03006613776280605	:0.01
number:0.1911719606165359	purpose:0.1805464311244205	out:0.119244112589712	matter:0.10964611782653484	instead:0.10778712669896584	cost:0.07733867388546424	means:0.07436119239649945	years:0.06514836403781415	line:0.06475602082405311	:0.01
to:0.4547790048909614	the:0.09469921664506427	a:0.09181465386759004	will:0.08787521787809666	and:0.061374029916774805	I:0.05731342989221082	under-:0.050000803087816195	would:0.04723973328297069	not:0.04490391053851517	:0.01
away:0.24201839590324933	him:0.18437616884942673	and:0.14485409321280102	taken:0.09161095533557521	came:0.07547319604529013	them:0.07283016257333716	it:0.06397653406693309	come:0.059460646627386135	returned:0.05539984738600122	:0.01
one:0.23605402837694317	part:0.17194359534856798	some:0.13057929531661294	out:0.12609862768167032	all:0.08237599258252051	portion:0.07212181862165871	any:0.059401597507645225	much:0.056366864893261065	that:0.05505817967112018	:0.01
of:0.26945284005378245	and:0.16915529561048592	the:0.14193374124464977	to:0.09592871768365933	said:0.08001890833212992	in:0.06853047750091844	was:0.06358793103504899	by:0.054183417390367215	be:0.04720867114895795	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
and:0.20735053701823788	to:0.15387785739540455	the:0.1454095517627379	of:0.10553893519947838	was:0.10277634254014693	.:0.09209270802663322	Mrs.:0.07075792840449592	<s>:0.06338869857582367	I:0.048807441077041686	:0.01
in:0.2131866054664273	for:0.18278527504286687	of:0.17465590095326441	within:0.09270317324720147	and:0.08112620763954176	only:0.07401156421911753	In:0.06727676343538887	with:0.05638982722093512	is:0.047864682775256746	:0.01
and:0.24715944158911993	depend:0.10115542297585235	based:0.10085046174861782	placed:0.09929781518962862	depends:0.09865819847804204	called:0.0967281156431388	down:0.08601932662424668	made:0.08525060516232963	effect:0.07488061258902408	:0.01
and:0.31137999683890444	the:0.20272383295255514	to:0.10187465053012425	do:0.10038072769923052	I:0.08910698357126925	of:0.05891150067599224	will:0.044532931073187225	he:0.043241635951340986	<s>:0.037847740707395994	:0.01
Mr.:0.39228058711881586	Mrs.:0.18980744922155524	and:0.11821968586713821	Miss:0.06800538364528456	of:0.06480771322234485	the:0.06026723447615402	Sir:0.035197369941436005	that:0.030827076605908593	St.:0.030587499901362836	:0.01
and:0.21153711816299234	of:0.1627411386009045	the:0.15242465288582271	to:0.14262969949545384	be:0.08612367269064275	was:0.07100107345600953	is:0.058460511863755234	a:0.05700653060343269	as:0.0480756022409864	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3966827479009197	of:0.17286141598647256	and:0.10333850226999435	The:0.10058875879416367	that:0.06680977697257114	a:0.05562547186074693	his:0.04489061484603061	this:0.02527143779707058	their:0.023931273572030502	:0.01
it:0.26029334632068557	there:0.14822319293947894	It:0.13196436136428397	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856883	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
of:0.178275188900775	and:0.1759155570276083	I:0.14025899935957778	all:0.11786609169395547	.:0.1109962817453498	to:0.08019049142446674	<s>:0.06807487410083707	the:0.06298713863268365	that:0.05543537711474618	:0.01
they:0.31660049247675187	we:0.1688673385587379	who:0.09836317008086896	you:0.08262906084036362	They:0.08150542993398754	and:0.0714993063827763	We:0.06376980602295317	which:0.058724555025625964	that:0.04804084067793466	:0.01
sum:0.26966492961409716	rate:0.24264918337011354	period:0.08324888897431083	amount:0.08262125532108912	out:0.07543911457042221	number:0.0644667590939396	quarter:0.06215204013646101	one:0.05808679108916975	cost:0.051671037830396685	:0.01
the:0.5396224576205474	an:0.1724877454620954	The:0.10408448043597142	and:0.034181070099347274	of:0.03229831297695571	a:0.03171629965088813	his:0.02828562666157346	tho:0.023714674856251276	their:0.02360933223637002	:0.01
and:0.3355884605954553	be:0.14362770669103844	was:0.141809579475383	is:0.09705983956066318	the:0.07297932226773743	been:0.06414813722462447	of:0.0577676076950281	or:0.043439575723700455	are:0.033579770766369685	:0.01
the:0.23632566192425677	of:0.18886074844018247	and:0.12682049354783523	to:0.09524780069146993	was:0.08498950973556638	a:0.07330451419837286	be:0.06504520465050595	in:0.06462390742693405	is:0.05478215938487641	:0.01
for:0.4795819756753278	of:0.17747513156261788	in:0.08017973507389259	so:0.057722712744577076	and:0.05324725156461976	as:0.0442425804794929	that:0.03514487424933844	For:0.03415603860076366	the:0.028249700049369848	:0.01
as:0.18333935539738966	is:0.13626727257135118	and:0.11696322843821201	able:0.10666396706401378	enough:0.09923105057216096	order:0.09600053520519565	was:0.08688446602020423	not:0.08365979314700583	him:0.0809903315844667	:0.01
of:0.25596949189944096	for:0.19606980896514098	to:0.13887944539579536	in:0.10280693295236595	at:0.08492383156539599	on:0.0628453806145957	and:0.05705955427606365	that:0.04680070215993624	by:0.04464485217126512	:0.01
the:0.3337820818856828	and:0.17194940185112656	in:0.1096391832629773	of:0.10265949845942479	to:0.07575914153174242	by:0.06432538737312583	that:0.045912355720201095	as:0.044268993090278395	for:0.04170395682544065	:0.01
other:0.31964911480750985	of:0.2968489773832073	these:0.09403797090837142	the:0.08518908857089832	for:0.049154633529404704	their:0.03920728075082828	in:0.03909258180079824	all:0.03505262401018241	different:0.03176772823879945	:0.01
for:0.3343959825140334	or:0.1258888514572245	of:0.1163642883275125	about:0.1050703559814018	past:0.07684165422099201	in:0.07156775369197704	than:0.06765042617906675	and:0.057068108583101865	within:0.03515257904469028	:0.01
No.:0.3930197721414448	lot:0.09917068259033861	June:0.09143545193488335	section:0.08769229648376928	March:0.08542643966448493	July:0.07312651526295681	May:0.05509344556572034	April:0.054176823632998236	and:0.050858572723403585	:0.01
of:0.1988197861729762	and:0.18164326299003533	to:0.1490327698187145	the:0.09560413868897125	was:0.08367574603820709	in:0.07328280609753685	for:0.07153753977638039	be:0.07101184200796849	<s>:0.06539210840920989	:0.01
feet:0.5993409063811722	inches:0.08505718525033099	and:0.07775748822960815	a:0.05800972312425859	so:0.05490645413394994	the:0.0458160283023144	to:0.02450569752312995	that:0.022775088136358035	of:0.02183142891887788	:0.01
and:0.19443729234214868	together:0.18064694998584138	connected:0.14784638791688004	connection:0.1448086892096974	accordance:0.11050849290477426	comply:0.06045119551015317	acquainted:0.05391433837654765	compared:0.051495838323954046	contact:0.045890815430003444	:0.01
the:0.2603384109054656	a:0.17631396693754883	to:0.16248729555323216	and:0.12297424874305866	of:0.1007705615174678	be:0.04543838695319249	was:0.0420999085814214	for:0.04201326408974991	or:0.037563956718863166	:0.01
the:0.2687371836794488	such:0.15325932100946651	and:0.13280452089975772	as:0.09666635699385095	of:0.09129000065860703	his:0.08616231074548254	a:0.057918430478695	their:0.055274127205516624	its:0.04788774832917471	:0.01
to:0.5893914488256535	will:0.15882442439870725	and:0.07638680094420733	would:0.0596722882569091	not:0.027071790475402365	shall:0.020724385340585197	can:0.019677282194583645	could:0.019141449894996776	should:0.019110129668954836	:0.01
to:0.18619898081003391	for:0.13348602855950636	let:0.12107171308664266	with:0.11304357755178478	Let:0.10967541480772677	of:0.1011105504664241	give:0.08124620739018473	told:0.07456825602488953	make:0.06959927130280705	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.46011823708712607	in:0.1773816149458485	to:0.09292378859265368	at:0.08639490724656991	In:0.05361422157790159	and:0.03846513861335029	as:0.02861248694701491	by:0.027821953145693135	from:0.024667651843842155	:0.01
the:0.297541036911343	a:0.2432167175469103	of:0.12079040364612383	for:0.10857821313180256	and:0.07382406533466249	in:0.07206031224535211	to:0.032358494375657375	as:0.02083922158570316	any:0.02079153522244511	:0.01
an:0.2097825387355821	the:0.16089050497374985	more:0.14972176305810556	greater:0.10705244536889896	this:0.0867630906808914	any:0.07738679610053803	larger:0.07047302619082438	better:0.06786260490570561	other:0.060067229985704094	:0.01
to:0.28944453434242984	and:0.20641174069048845	will:0.15783216438548842	they:0.08250430131337796	we:0.06777599357572658	who:0.04807453069205628	may:0.04792745298913761	not:0.04681312215180204	shall:0.04321615985949287	:0.01
and:0.4357639677922807	the:0.11662979085458558	of:0.08087764502688936	I:0.07707696988785019	was:0.06320105771801705	that:0.06039257575577366	a:0.05788404848353637	he:0.0525342372418635	they:0.04563970723920361	:0.01
and:0.35315218645721114	that:0.11835483459355085	it:0.1153408044233801	found:0.07013930176251786	made:0.06891855340915606	is:0.06851004504571005	him:0.06692019640895636	was:0.064989940361327	but:0.06367413753819051	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.4274452747866744	a:0.29959173945027584	of:0.10119084305570711	and:0.04227295785763625	The:0.034747906823924965	in:0.02408292680150209	his:0.022638890171874648	tho:0.02059890324729613	A:0.017430557805108552	:0.01
the:0.8098034335371891	of:0.048304251070847286	tho:0.033167615329481225	The:0.022561422002221138	his:0.019299029919506487	a:0.01875057190419676	this:0.015428367150780185	tbe:0.011769818398533343	their:0.010915490687244676	:0.01
and:0.41543152292295266	the:0.11379423535484699	to:0.0950053307921957	a:0.07715146075138586	of:0.07160393075440351	<s>:0.060702368386743095	lot:0.05294837020156032	that:0.05254790221561227	in:0.05081487862029957	:0.01
and:0.23249637061068618	away:0.1729582579675146	taken:0.14204684615275687	them:0.07766826901057843	miles:0.07536648492003646	come:0.07524013772926025	out:0.07345826542488416	came:0.07129075865548364	down:0.06947460952879941	:0.01
it:0.25498657122263135	It:0.20898286023310084	he:0.13868428349374448	there:0.093722271617106	which:0.08458177128791047	and:0.06212994223278562	I:0.05457396755404127	He:0.05032069163859371	that:0.04201764072008621	:0.01
opin-:0.5710220244255753	inter-:0.08888109715721298	com-:0.07742564952172526	provis-:0.05188070304209688	Un-:0.05077494858757164	com­:0.04008456966292176	<s>:0.03847131407277144	and:0.03722177215222922	in:0.03423792137789555	:0.01
be:0.2800151970803797	was:0.1564485404751651	been:0.15107690012330446	is:0.11063920605293241	are:0.09506806580803628	were:0.05947668993456717	and:0.04926813970669289	have:0.044373743237405644	being:0.04363351758151646	:0.01
;:0.18319871002059496	it,:0.1297712150790028	them,:0.10671975512863674	in:0.10356222544492105	him:0.0992130812771523	up:0.09889284001031914	it:0.09583185028212196	him,:0.09421588177029208	time:0.07859444098695918	:0.01
.:0.2593936514210968	of:0.18713319370301182	-:0.1282769484004546	the:0.1188867824186601	to:0.07931610767374372	<s>:0.07709537454443394	and:0.06491245572624653	a:0.04030421309440916	Al:0.034681273017943354	:0.01
is:0.1694251960267198	and:0.1581311574726629	was:0.15522719184335382	are:0.14962177312528854	been:0.0922307124759451	be:0.08492226786154042	not:0.07856631003092096	were:0.0600231932504615	or:0.04185219791310706	:0.01
part:0.1755863741219238	provisions:0.16436160744752734	copy:0.1564747841582047	date:0.09461421298971757	one:0.09319941705263951	out:0.08673450730758223	publication:0.07590062482729361	and:0.0731379052309053	tion:0.06999056686420582	:0.01
of:0.2381719860295494	and:0.23415746017761663	in:0.11598353395473782	to:0.10227189079610367	fact:0.07859923495468527	said:0.06648519540808896	on:0.059675812679062315	all:0.049591757945495966	is:0.04506312805465998	:0.01
and:0.3844770709926163	he:0.1193916039542933	was:0.11563925846648056	I:0.0957267849639436	be:0.06220176964397848	but:0.056825740641734894	they:0.05657451653211365	had:0.051507163731843164	who:0.04765609107299611	:0.01
the:0.4323775787326832	his:0.14632755928760274	their:0.08199053654642631	and:0.07433406168035818	my:0.058972689969085036	a:0.05603815396474706	of:0.05462269253646454	The:0.0459675503425749	her:0.039369176940058	:0.01
to:0.5671516910768173	will:0.1510715224266989	would:0.06457238937943624	and:0.04963564276137687	shall:0.049483429751424196	not:0.036010424561236674	should:0.027042751008008157	may:0.02598863949322166	could:0.01904350954178008	:0.01
the:0.36272951085323246	of:0.18543035631391452	a:0.15397074508309586	and:0.08986353964721512	to:0.07260187110472961	for:0.03165028242040209	The:0.0314188531250225	in:0.03125003021606946	an:0.03108481123631847	:0.01
the:0.2662311151654102	Mr.:0.2636692450079672	and:0.08297124757692284	.:0.08262341581194257	Dr.:0.08085046792359964	John:0.07483321170954715	Mr:0.04661743405286599	Senator:0.0461085498125241	Mrs.:0.046095312939220395	:0.01
of:0.24655703725807718	in:0.19076707150475933	to:0.14912675584400276	and:0.09805536582965153	that:0.09763977120242931	with:0.058486253406031245	for:0.05587892590895292	at:0.04815197631304222	as:0.045336842733053606	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.2364180538543807	of:0.23594055961863064	for:0.14217177666402991	at:0.08048663569683762	in:0.07575238328332702	and:0.07180811871661949	that:0.07004002457752342	from:0.043141803297008084	on:0.03424064429164301	:0.01
and:0.16965396298012247	for:0.1579382887689095	of:0.12982656911081347	to:0.10922370480675231	in:0.1067930352505951	is:0.09585484547689659	with:0.07701426250448416	was:0.0750751645633386	that:0.06862016653808772	:0.01
the:0.5122927336390343	and:0.19088207846368568	or:0.05168300572324186	of:0.046159734194207096	The:0.04331673422122005	on:0.03978793098698056	to:0.03827891596830872	tho:0.03581354164521912	an:0.03178532515810255	:0.01
de-:0.24034028094723264	of:0.19027886795557394	her:0.10404386850781072	the:0.08595263538113737	his:0.0852866350275864	Mr.:0.08448074674668739	com-:0.0717062247903634	in:0.07135487113079514	re-:0.05655586951281297	:0.01
;:0.24697113048269076	up:0.11349225893282706	it,:0.10761648763085585	due:0.09386745529859694	them,:0.09195020801637636	street:0.0914836948185302	him:0.08351300421356629	.:0.08238661155123944	it:0.07871914905531721	:0.01
the:0.8693689382332361	The:0.04164461490462329	tho:0.027574932510179378	a:0.016834858870820868	tbe:0.0113795527876411	his:0.008232549584765847	an:0.00661172161530458	said:0.004905441163904982	and:0.003447390329523957	:0.01
of:0.5098472274332899	in:0.13268782784949315	to:0.10592018786131684	that:0.04760484698437597	by:0.04756578762629169	for:0.044769435977049424	with:0.03932066956143651	and:0.032009553032577166	from:0.030274463674169264	:0.01
of:0.3803307642975053	and:0.12706146004696414	that:0.11279273800004347	for:0.06783005640095656	with:0.06575440938504741	to:0.06526203971859659	by:0.0641040948853933	all:0.059916453150522984	any:0.04694798411497046	:0.01
the:0.2989642313749079	and:0.19577887296007687	Mr.:0.16876110770435512	The:0.1053326914494959	of:0.0627979972247594	Mrs.:0.05334378201665495	Miss:0.041393822580830186	<s>:0.03220073327496392	that:0.03142676141395581	:0.01
it:0.22527501596969265	he:0.18388789568198277	It:0.17719007845420529	I:0.09605887214942407	He:0.07943712792698977	which:0.07173560525924132	and:0.06249392108142076	that:0.047256196305971616	who:0.04666528717107178	:0.01
.:0.2550735379047672	Mrs.:0.14097229525718008	Mr.:0.1268146113134248	of:0.1185665630677255	was:0.07835300816529597	and:0.07775557413018375	-:0.0705340257149382	at:0.06201535834703548	the:0.05991502609944887	:0.01
and:0.38585869741430767	was:0.1083765245530805	the:0.10260110465298938	be:0.08704910723823285	is:0.0792433911572106	or:0.06941874211747598	not:0.055414814881307686	to:0.05111417296894566	of:0.0509234450164495	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
and:0.23226257295813926	that:0.2213516500208345	as:0.15701596263182646	which:0.10054007038092679	when:0.07438407586317003	but:0.07385335729908371	if:0.05878632390389569	what:0.042549143701917945	If:0.029256843240205548	:0.01
the:0.7038508590346497	and:0.07294554106228263	The:0.04868083022828273	of:0.039304942888325686	a:0.03613357047720909	tho:0.03443896275214681	or:0.024143171633836644	other:0.015747395784176357	tbe:0.014754726139090478	:0.01
a:0.3757390733039576	to:0.1873763379974286	one:0.08744744180831468	the:0.07802666262868159	first:0.06496801670944023	and:0.05909250273261483	last:0.04976791853049777	no:0.04902701087337304	every:0.038555035415691746	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
him.:0.2815830648827118	<s>:0.16898733615834735	it.:0.13297886888857094	years.:0.08338086993227709	them.:0.07218576126026909	time.:0.0658040616663738	himself.:0.0638931484698319	man.:0.06273542896571663	life.:0.05845145977590137	:0.01
the:0.3141697498569716	of:0.13596872111181624	The:0.13148451940784603	Mr.:0.12071271065510487	and:0.08466951013671548	that:0.08137847559446529	a:0.05140346651734129	Mrs.:0.04087284649549475	his:0.029340000224244486	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
they:0.23254268624630034	we:0.13676554475621922	who:0.12307607106308122	which:0.09881889981928134	that:0.09816070818225994	there:0.08662883672544182	and:0.08328310666319744	They:0.06795672150289232	you:0.06276742504132625	:0.01
of:0.23938644186731756	is:0.13975074868304482	in:0.11640724085992611	was:0.10297160233042561	by:0.0903785520669559	to:0.0902915603432484	with:0.07832475526380644	as:0.06732004250572093	be:0.06516905607955423	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
;:0.24831900338069315	nothing:0.13078974075180344	and:0.1208420300515082	is:0.10260220095743057	it,:0.09780992216361221	them,:0.08257696264269697	are:0.0816280638705695	,:0.06734575393909667	him,:0.05808632224258922	:0.01
is:0.33235168492020545	are:0.24111805607783393	was:0.15046216337713042	and:0.07937592002168482	were:0.06372309960403484	Is:0.04701725108754983	be:0.02670395818052658	a:0.025968530976605713	but:0.023279335754428438	:0.01
It:0.36363398126475405	it:0.14813406414768757	there:0.13242436440647207	that:0.08035907084365272	which:0.07519947938555714	There:0.05909525259513376	he:0.04695260961132871	This:0.044190616351058434	and:0.040010561394355514	:0.01
the:0.3393255573743127	and:0.21178061799709652	of:0.18374035432791083	that:0.05355193750391202	The:0.05262746553326421	a:0.05042822526649288	or:0.03381932134870707	I:0.03348309181440277	in:0.0312434288339012	:0.01
to:0.3077707578542051	of:0.22681478910997044	with:0.11753828725498403	for:0.08787827979550161	among:0.058707280591620795	against:0.05798415617263617	by:0.05550851618541033	and:0.03924279927829423	before:0.03855513375737725	:0.01
able:0.1393030711619596	and:0.1351254136701572	is:0.11870678352112214	had:0.11435103596277793	have:0.10892595090491182	order:0.10499525019442854	enough:0.09047530601893371	was:0.08910219772913462	not:0.08901499083657444	:0.01
of:0.23881594363948458	by:0.1431441662733578	and:0.14045932304176206	in:0.11473661299840594	the:0.0968487694401868	are:0.0794706918312467	to:0.06219912260777153	was:0.06101758933060501	with:0.05330778083717972	:0.01
to:0.38017134103969463	will:0.16905314483498	would:0.09527916658290726	may:0.08675332896552815	should:0.06283728370881102	shall:0.06007446359778351	not:0.056307515032875996	must:0.039927651800072135	can:0.039596104437347214	:0.01
the:0.4957290370515496	and:0.09792063646689973	this:0.08955160331369506	of:0.07700534382391	a:0.05756315524186889	that:0.05219879132386392	said:0.04457520116211498	these:0.03890732083116797	other:0.03654891078492981	:0.01
United:0.8498198872279494	the:0.05657941606160176	ted:0.017544142585334647	of:0.017070201739642795	and:0.01101704253817252	I'nited:0.010806168444581408	Southern:0.010788149483951086	nited:0.009659572432603868	to:0.006715419486162479	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
the:0.4268548734152381	a:0.29253825184763244	and:0.06645049102780334	his:0.05285765861309013	The:0.03638751934719267	very:0.03601376141609047	no:0.032137177954001214	of:0.026574280968317085	most:0.02018598541063461	:0.01
one:0.3743409924473765	some:0.16221972664271275	any:0.09419961292607168	part:0.07014007095535373	most:0.05976947699820849	that:0.05955337882108308	out:0.05877991854651943	One:0.05853722966128423	all:0.0524595930013901	:0.01
duly:0.2675206585287326	was:0.21065416150133406	be:0.1712072768634628	been:0.08145709873740542	and:0.07529865892107399	is:0.06780369172517538	were:0.05291159917410443	are:0.03288930272855837	as:0.03025755182015288	:0.01
of:0.407674785398844	to:0.1277612093619651	in:0.0981100127674003	and:0.07987385520716705	for:0.06192213266467773	by:0.059814335151744225	on:0.0571953785601922	that:0.05542901686480434	In:0.04221927402320507	:0.01
the:0.6897416290198383	this:0.10568114133741324	a:0.044015731639283184	tho:0.039822562862128104	The:0.036555283597326224	his:0.01994099728760865	whole:0.01927639230542856	our:0.018222603372269823	tbe:0.016743658578703944	:0.01
do:0.18612230307109243	did:0.16810899040662874	is:0.15514076051878126	does:0.10602637597850732	are:0.08994454490790033	could:0.08909698959017164	was:0.0781929177860772	will:0.05932866040348429	would:0.058038457337356776	:0.01
so:0.37324059295590956	as:0.213134456277444	too:0.1163056276063509	very:0.1095416568177494	how:0.06081075726440399	is:0.034797244884535804	be:0.033020455209429936	and:0.026983390115996365	not:0.022165818868179865	:0.01
the:0.5984137332034329	a:0.09243384292735643	in:0.0661440813633578	his:0.05947186560093358	and:0.04645692386189991	their:0.04000273074303106	tho:0.03449120157304203	this:0.02663277772504228	New:0.025952843001903966	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
and:0.32434810589817087	was:0.11832549081564547	held:0.10061653345026712	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139066	arrived:0.07348439933321943	that:0.0714853472708103	interest:0.06758836938612982	:0.01
It:0.23127912378197046	there:0.21240176058284072	it:0.19501212350781538	There:0.10713821937054821	This:0.06595333365099705	which:0.04771265982771375	he:0.04597925216904934	that:0.04565003547638064	this:0.038873491632684394	:0.01
.:0.2767585203952872	-:0.15144859596932791	to:0.1247422310588296	<s>:0.09221550183872147	the:0.08319511449989721	and:0.0829199016508519	1:0.06694657288888801	of:0.05634515897268171	No.:0.055428402725514914	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
and:0.26612171575929056	which:0.1721293058132298	I:0.16376377630819305	that:0.14743649615197008	it:0.07147724898294228	It:0.05688497308248973	he:0.04749454647121323	1:0.0355102184307445	who:0.029181718999926727	:0.01
the:0.347367934473981	of:0.1589326408371052	and:0.15021875130496226	to:0.08890014713832813	a:0.08201466961762124	The:0.052615788529909696	in:0.04595428439612435	.:0.033556160772685015	his:0.03043962292928317	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.2213236006133248	of:0.21560455327320835	and:0.1316599079832904	to:0.11597400517006512	for:0.07880435443424005	a:0.061872593037282944	is:0.05527736425474842	was:0.05518778144497349	be:0.054295839788866464	:0.01
the:0.35765690019365337	a:0.3501366189719164	and:0.06104729663697498	to:0.05494077331589256	The:0.039127447654910164	I:0.03825555761731269	not:0.03314983118161726	this:0.031388414951890424	will:0.024297159475832174	:0.01
to:0.29180415793153586	and:0.21045365365751517	of:0.1452599787014739	the:0.12575576703428043	in:0.06574761127577354	<s>:0.04104981934860873	not:0.04093701420182499	I:0.03567624969745241	by:0.033315748151535096	:0.01
of:0.5824461667093965	the:0.21280564828871265	and:0.03728814185103443	other:0.03572174043738549	old:0.030206577670155835	that:0.02707965002072616	his:0.02304430438709739	middle:0.020985510691645053	on:0.020422259943846357	:0.01
be:0.3747302129840905	was:0.19462464333859875	been:0.11804927057908207	is:0.10375521965055566	were:0.0535470619893883	are:0.05064822349054063	and:0.04226540543959898	he:0.02627045663894024	being:0.026109505889204847	:0.01
of:0.3236896305270204	in:0.17762822587352228	and:0.12961856856266266	be:0.08228482625181725	is:0.06272051156105715	for:0.05430932816897472	by:0.05362868177366586	was:0.053060807578616385	on:0.053059419702663285	:0.01
a:0.34479904408683626	of:0.19507689438740616	the:0.14151387254866005	in:0.09831845419347546	and:0.05425550163378291	for:0.04777878708519283	with:0.03791778559196019	as:0.03545543737052533	very:0.03488422310216074	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
to:0.21103214768801914	and:0.17275899386244045	of:0.13620929929917627	by:0.09665336205073076	not:0.08563856433924905	at:0.08126096560482661	the:0.07084943458914722	is:0.06902183731715869	are:0.06657539524925173	:0.01
of:0.2970290006030046	to:0.16393253794746387	in:0.10791409042911151	know:0.10709373902640992	and:0.09865394726724368	with:0.06618194097526912	is:0.053230979520549976	see:0.0481171214180705	for:0.047846642812876906	:0.01
a:0.4107998745079319	the:0.1765597243061617	On:0.11714730033338785	in:0.07067297328542257	of:0.06305052007045311	on:0.05622444360981063	his:0.03821996166353329	In:0.030028664750279578	from:0.027296537473019473	:0.01
of:0.3596060485778437	in:0.1499196605781388	to:0.12575828931910485	from:0.07393225709821445	that:0.06100884738535543	on:0.0595928742311344	and:0.05953217945463068	for:0.05203181464755927	at:0.04861802870801852	:0.01
the:0.4083661861175645	of:0.2681739908184057	their:0.0820600629661528	for:0.054462600111962106	his:0.04354457017584983	to:0.04176354592844308	other:0.03199384232718008	and:0.031367206473219236	with:0.02826799508122268	:0.01
and:0.24490704579441275	after:0.1476562652705632	by:0.12519914061615076	After:0.11841901750704262	of:0.09949294308299458	for:0.08338728090639316	in:0.06659154609353693	to:0.06008811505994955	before:0.04425864566895647	:0.01
and:0.20885061360109825	laid:0.11837240659273295	came:0.10692668496277574	break:0.10058019856379745	went:0.09487589062476146	cut:0.09467593185071363	lay:0.0931427411506152	it:0.0871188258407089	way:0.08545670681279649	:0.01
;:0.27662650796245086	is:0.15180112973897145	was:0.0996427091157461	it,:0.0932966651563462	him,:0.09095071303182913	time,:0.08193037563967935	them,:0.073116185068647	,:0.06132668835011265	nothing:0.061309025936217246	:0.01
the:0.67511473426611	of:0.07671648228701715	The:0.04974248797054177	a:0.04712916277108535	and:0.035354339826838825	tho:0.03187790633183124	this:0.030688698146183063	in:0.026140872347047	said:0.01723531605334566	:0.01
of:0.2398708670291844	the:0.22743525417047472	and:0.13139002385520804	to:0.10376973167625372	a:0.08712962001455624	at:0.06768600089169872	his:0.04664315861358613	in:0.04554117936171022	is:0.04053416438732785	:0.01
his:0.5533430360084531	a:0.1015576908275408	the:0.08677350303311426	my:0.07837888994562961	and:0.05218664705014421	her:0.04203330232497912	bis:0.02983494823221107	their:0.025882192126239555	of:0.020009790451688117	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
the:0.39421008147709946	a:0.29559013657874794	of:0.10811232916533109	and:0.054505915891102596	any:0.03701398499563684	this:0.02695289292923975	to:0.026172148667666165	with:0.025933516140341055	no:0.021508994154835225	:0.01
and:0.290748060280696	was:0.2079887416638871	is:0.1017869708566181	be:0.08648046475058739	have:0.07964466506134657	had:0.06764923642701595	has:0.05776386547303254	I:0.051970135893460875	he:0.04596785959335546	:0.01
the:0.35561286869772873	of:0.1819199950374389	and:0.12255915251482433	The:0.09517403592042892	Mr.:0.06492591595048423	a:0.055280852225840935	that:0.05377948602800758	this:0.03060833742606626	to:0.030139356199180078	:0.01
and:0.48151593662809183	was:0.10612951398346099	is:0.07577697782050932	are:0.06493924500120098	be:0.05865886345501072	that:0.056385861790890286	were:0.0555892858918052	to:0.05539103284018464	of:0.03561328258884604	:0.01
it:0.20622348714107272	that:0.16057455996523642	there:0.14151153360535962	which:0.11963266539685385	they:0.10506951759105808	It:0.08276968157081656	he:0.06915141905166503	and:0.0620236112565421	There:0.04304352442139564	:0.01
of:0.21338832523674772	in:0.14017901232241858	and:0.12939343303774875	with:0.10408959886573863	is:0.10292083424447168	was:0.08224908889474121	by:0.07954907839589143	for:0.07804424202008158	to:0.060186386982160285	:0.01
to:0.22768304291719532	of:0.15140891799763936	-:0.14587489734607295	a:0.11608420190783274	I:0.08791459167278894	and:0.07694020069135533	in:0.0632980781165449	.:0.06268314047631422	by:0.058112928874256335	:0.01
the:0.18149069220156558	and:0.1504883955639578	of:0.1306839812572968	be:0.11155845240072802	was:0.10179523594155183	is:0.0955790790376316	a:0.08833372604948514	to:0.06733123474153689	it:0.0627392028062464	:0.01
and:0.37236953764434594	who:0.1149172944183585	he:0.10326030809369023	that:0.08008118714605196	I:0.0778079252086021	was:0.07065307141621892	it:0.06672802633792492	He:0.0528378296505178	which:0.05134482008428955	:0.01
of:0.3115572421256441	in:0.15904315724144535	to:0.11879012216735421	with:0.0767338351887762	and:0.07477529697200207	that:0.06868690907203401	for:0.065392782545963	by:0.05852746907194358	is:0.0564931856148374	:0.01
to:0.29854381431664845	at:0.16687347759556886	in:0.1341454346546888	of:0.13315706089993282	for:0.08202605696021029	and:0.0633791904781926	on:0.03840779282514937	In:0.03729628332844639	with:0.03617088894116234	:0.01
part:0.3779764184393855	survey:0.16160026767866661	conviction:0.11305602921262439	one:0.10205644063682141	payment:0.07428468814218986	holder:0.057490326337698024	either:0.038622916739222565	sale:0.03329778966121728	acres:0.0316151231521744	:0.01
the:0.21298000459552283	and:0.2039636710878841	of:0.18227586657211736	to:0.0947332508750933	was:0.07100993380022316	in:0.06763282217115012	for:0.05552798378335023	he:0.05223279322482916	Mr.:0.04964367388982969	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.38111910851681263	and:0.12368643475167425	to:0.10508181359023197	that:0.10141256206112283	by:0.06344537461679338	on:0.05898250021444946	in:0.05822072483084395	as:0.04919194988587791	for:0.04885953153219358	:0.01
a:0.5931225531366147	per:0.1688721963244279	the:0.0832998194762516	one:0.05133532420173748	A:0.03791759802439378	and:0.01892238325003625	every:0.0177510782996842	each:0.009437271284384093	or:0.009341776002469836	:0.01
the:0.661522795418605	of:0.0698220033475724	our:0.05404556787505039	American:0.04325375511894321	The:0.040463267285814494	good:0.03558277739226549	and:0.029188782248567087	his:0.02844916846519516	tho:0.0276718828479866	:0.01
that:0.36160877314439566	and:0.14219484879276093	as:0.13623965778485755	which:0.13249157452205199	but:0.05692780547124897	if:0.04519834660789213	what:0.044807217896236	where:0.04458309610610101	when:0.02594867967445583	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3812452128675394	a:0.14188026925595257	of:0.1342135824119986	and:0.10912062252330905	The:0.07760302373701548	to:0.045543455482652075	in:0.03735455312566075	tho:0.031733235871351906	for:0.03130604472452036	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.27480777206325363	in:0.19757513777200272	to:0.16334502779983268	for:0.09912089182383609	and:0.07622019447300508	by:0.05457212156874852	that:0.051419029459739064	on:0.037120063400368615	In:0.0358197616392135	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
the:0.3130461827582134	of:0.20503705766424116	in:0.14455783588367027	and:0.08004415724120469	a:0.07307935895054497	or:0.051377162729789115	with:0.04146323159510609	for:0.04078763048999113	on:0.04060738268723903	:0.01
of:0.3625780576808963	to:0.11434104146420596	for:0.10754846944091094	in:0.0944468344328033	and:0.09113114400022963	by:0.0639022514008336	that:0.05815681436644094	on:0.04947401343732461	from:0.04842137377635483	:0.01
well:0.24943074827152728	soon:0.1465638737566304	far:0.11166956966299761	and:0.10403800439943817	such:0.10271700698548483	long:0.09399391134360084	so:0.06322194808413747	much:0.06259011693566598	just:0.055774820560517524	:0.01
was:0.295712686310798	is:0.2729060648996986	are:0.10558340579881663	and:0.07934728899751071	were:0.0698941474398759	if:0.055321973848630454	Is:0.049629529670743855	do:0.041235058321558764	as:0.020369844712367174	:0.01
of:0.2653153066417567	and:0.26421360853186443	in:0.07942815678482927	by:0.07333008426433478	for:0.07137131986469684	with:0.06732884793779809	on:0.06221107889994827	to:0.059452465339277026	after:0.047349131735494654	:0.01
of:0.24587641997031076	in:0.17799594869314583	and:0.11904096891414385	with:0.10111539790306331	to:0.09675648222939214	for:0.08747035842132106	on:0.06152129683139787	from:0.06056397523208188	that:0.03965915180514332	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
to:0.38283142319795366	and:0.24249741431773492	of:0.06905945087681946	be:0.057770290515877544	I:0.052461827012891704	or:0.04909427035789365	was:0.048480848279335506	<s>:0.04564667339695939	at:0.042157802044534176	:0.01
they:0.2904317289856753	who:0.20447915945762768	and:0.11581445973323391	which:0.09807024386840542	we:0.09647592071164378	They:0.06092840290521569	men:0.046291422845368344	that:0.043885524918982115	I:0.03362313657384767	:0.01
of:0.3419989156396151	in:0.1508166920891672	to:0.12158660409546682	and:0.09271503778789662	that:0.08576275372940023	for:0.07004934539669723	by:0.04632982244547999	In:0.0421362062554848	on:0.03860462256079206	:0.01
a:0.3792353147943676	the:0.11293217065686431	and:0.10408440659854373	any:0.08496305327616041	to:0.07970536343463322	no:0.07253690257700579	in:0.06336569912715743	of:0.06215378740459809	by:0.031023302130669377	:0.01
to:0.29681969916199474	a:0.1887519853913538	the:0.11388116513003821	southeast:0.0820238255566615	and:0.06865542444657666	of:0.06413423537745348	section:0.06389949918933742	said:0.05961634304850191	northwest:0.052217822698082124	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.5797298703940038	a:0.14741977337893364	The:0.09045451875206449	and:0.08259048845477822	of:0.023569936268691926	tho:0.019681287813071616	his:0.016394471967456765	to:0.015123380303076967	as:0.015036272667922535	:0.01
of:0.2299256328309873	to:0.15827430777450074	as:0.12858263628594768	the:0.10633331551427544	at:0.08728811314242502	and:0.07696163227570887	in:0.07372818680556514	was:0.06445572858588555	be:0.0644504467847042	:0.01
of:0.2519546253727117	and:0.2073416942778454	to:0.1762500301467099	Mrs.:0.10824839977159796	said:0.06372435170126067	.:0.06330024108965512	W.:0.049486057669748514	by:0.036787178309855915	<s>:0.032907421660614805	:0.01
the:0.5589786005738552	a:0.14517840747896424	The:0.07711738442685845	tho:0.04242261167466776	A:0.04237580686212869	finance:0.03967170666355985	said:0.028678088266292975	and:0.028330075561972007	this:0.027247318491700867	:0.01
to:0.6189362954379164	the:0.09776107162301788	and:0.0875984552259933	a:0.05351088810177751	will:0.03665681948126164	who:0.030583423137343798	this:0.025095862374297517	would:0.021351198667875087	not:0.018505985950517	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
the:0.5836101463096731	of:0.12188952952973985	this:0.11920364787984217	said:0.036178110826270635	and:0.03543538468272208	tho:0.03038884617439185	in:0.025578600241695573	our:0.02100940325630925	The:0.01670633109935537	:0.01
it:0.1676673760604401	they:0.1401800211068448	you:0.12014900654112101	and:0.11418625089857375	which:0.10821208903254793	It:0.10149272528899718	he:0.09351786223255709	who:0.08066648440849256	that:0.06392818443042551	:0.01
the:0.6404822341673273	and:0.07686355860468692	The:0.07520997630462978	a:0.06612478489952929	his:0.04220814971519138	tho:0.028755123278696018	their:0.02416865194688416	of:0.02121889047630208	its:0.01496863060675306	:0.01
of:0.37611633492068497	in:0.16983718035888865	to:0.10547648806332587	that:0.07686452124002648	for:0.05899185694913115	with:0.052781829133684434	from:0.050497224636538524	by:0.04994324425242045	In:0.04949132044529944	:0.01
three:0.6543533612735402	two:0.12480472206535884	four:0.06769931993599375	five:0.04583283140495345	ten:0.030393400127885696	one:0.02434920148071527	eight:0.015846892813327636	six:0.015117869914966945	week:0.011602400983258163	:0.01
and:0.23894898385498498	not:0.20207685235224593	to:0.13061854870239742	the:0.09919472914270759	I:0.08105896029471524	of:0.06561735361624846	that:0.06328684355848567	is:0.05982753217481188	we:0.0493701963034028	:0.01
be:0.22375929399405534	am:0.18572395762647861	was:0.16408494673965235	is:0.15772553986860066	are:0.10156257455751436	very:0.046595852201671895	been:0.04332562863516598	were:0.03480618697320701	not:0.03241601940365377	:0.01
the:0.24313874347800873	in:0.2116549877696254	and:0.17029115726382124	of:0.13738720178431912	for:0.05524936760577779	In:0.051138918614141986	with:0.042218037426429024	to:0.04178827889403174	make:0.03713330716384473	:0.01
the:0.23421205313542093	of:0.20388782615470405	and:0.153308445258665	to:0.0970186270777561	a:0.09441398929031039	by:0.06076001621727257	at:0.05338142373444161	in:0.05108564199440836	<s>:0.041931977137020925	:0.01
and:0.495105669165907	was:0.16678764992729916	He:0.07619533035631268	is:0.07269162218228602	were:0.05163485142231018	are:0.04991159441625262	he:0.03583659469874951	be:0.025253777175236827	been:0.016582910655646262	:0.01
and:0.303134032591169	that:0.297606976656036	as:0.12323178679778064	but:0.06316432554717032	even:0.059346434140206114	But:0.04121195883246587	And:0.036674087613377315	or:0.03486657882197133	and,:0.030763818999823344	:0.01
at:0.3935903344261987	to:0.1663344980319732	of:0.15170678574696486	At:0.07478308716164216	in:0.07084146861909288	from:0.04002386542864681	and:0.03127305594949951	for:0.031089746908411178	that:0.030357157727570815	:0.01
in:0.5757398704455129	In:0.15098607067936895	of:0.05332128425166934	without:0.049924613518185584	to:0.03715130576747943	and:0.03617470566360262	from:0.03534003846028925	with:0.034397468336547526	not:0.01696464287734449	:0.01
and:0.3221754565181813	the:0.2520608381197157	a:0.1326543454854159	of:0.09626325732738435	with:0.04315792188088004	most:0.03899630991544164	two:0.0357939179569499	to:0.034466922313209816	The:0.03443103048282132	:0.01
the:0.550856591031602	a:0.15766783265425852	mil-:0.1216755589266314	<s>:0.05258437020274316	The:0.03951792535040608	tho:0.021217313874811544	and:0.019651648735165995	front:0.014048423942116214	of:0.012780335282265107	:0.01
and:0.31427435580838886	was:0.14679500145528662	the:0.11720850173006123	be:0.09527625495982946	at:0.06976817417230824	years:0.06722323277722586	it:0.06355453256469643	is:0.05817455663525613	to:0.05772538989694694	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
of:0.26569507564889716	the:0.1973324984031801	and:0.19009867178801082	from:0.0790271230663097	to:0.07895865604963835	in:0.05620514571496256	that:0.05147663139818925	The:0.03787614507730799	for:0.03333005285350404	:0.01
the:0.35790234277501254	and:0.147463534744512	of:0.14093181644797453	to:0.09945709873881109	a:0.0957100512061093	in:0.04651543131253403	on:0.03531310975304782	at:0.03358155461640169	<s>:0.03312506040559699	:0.01
the:0.3155550940156394	of:0.17283600545787453	and:0.09391174685980018	a:0.08793236260243929	to:0.0865512570009515	be:0.07748327797896089	in:0.052626231371751035	his:0.052024488566849304	was:0.05107953614573394	:0.01
<s>:0.30703066175421584	in:0.15287384841835955	the:0.12202803334649176	it.:0.10358137251537447	and:0.0661374611249712	of:0.06558086351709817	.:0.06429726013154916	them.:0.054531022537827094	1.:0.05393947665411278	:0.01
<s>:0.33473759819367355	and:0.23009864009863373	that:0.09202203160337645	:0.0774718068104296	which:0.07635576314474146	.:0.054723832928299514	I:0.04525362073501991	1:0.04242537099682252	he:0.03691133548900321	:0.01
the:0.3375056161183491	a:0.2836608879547391	this:0.14731911104932272	such:0.06093442290378306	his:0.05358038949777849	same:0.02976732913752797	that:0.026799526108775736	any:0.025293730466745663	The:0.02513898676297806	:0.01
the:0.6981749727519496	The:0.09738141119177027	Federal:0.04264209811532503	tho:0.03220169981095597	of:0.03009455898879243	States:0.02704177214931976	our:0.02408823015778685	this:0.021013423868591827	and:0.01736183296550821	:0.01
to:0.5337069363684199	and:0.13270861958100083	would:0.10872478481411717	not:0.07777623868116115	will:0.07580178032109726	they:0.016814951893231133	who:0.015326319999317013	should:0.014643214794591262	must:0.014497153547064321	:0.01
one:0.23306638664669602	two:0.15869925700795806	on:0.13125775425113728	and:0.1183372530504351	three:0.07931195852050602	four:0.07642217182564348	them:0.0659241407014813	ten:0.06379066469153413	person:0.06319041330460864	:0.01
it:0.21555606625187765	he:0.18406089644826473	It:0.1480542687292136	I:0.11570423360385573	and:0.0817113616070141	He:0.07841868369987202	which:0.06668555674742228	she:0.05067278692091577	there:0.04913614599156412	:0.01
up:0.23542388952618598	him:0.11827525051849565	men:0.10645621226279764	down:0.0992633075326327	out:0.09562878697478557	;:0.0939430588936698	back:0.08561007154769704	time:0.07915394590619541	it,:0.07624547683754013	:0.01
to:0.18523593747157469	and:0.17360972087184848	west:0.15332957497084201	east:0.13673165271598622	the:0.08505684312710853	of:0.0837969028883063	north:0.08212063464310039	south:0.04848519892100364	about:0.0416335343902296	:0.01
be:0.24071208034377298	was:0.17955997980674962	been:0.14859870304703462	and:0.1239847160507075	is:0.09778933293987387	have:0.05533824913788477	not:0.05271393748872056	had:0.04667293945926963	were:0.04463006172598638	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550064	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849651	is:0.04315640870139991	been:0.03609931514450368	:0.01
of:0.2220576539240044	the:0.22043542449925224	and:0.1345026857679174	to:0.12753146328833598	a:0.10997212049159459	in:0.05276898407384459	<s>:0.0478129806278273	by:0.041850738562329695	Mrs.:0.03306794876489386	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
a:0.41445464996140324	the:0.14683342601098173	very:0.13152817828213675	and:0.11712055669675754	most:0.0474702942142087	as:0.036218164628964634	some:0.035297801134442114	his:0.030747840479696264	one:0.030329088591408954	:0.01
of:0.6455528693054908	and:0.10067751740327703	the:0.08240185955285441	for:0.044152315698547974	in:0.03594214540778664	with:0.029071935628875223	to:0.02600228761791489	by:0.013397555585454335	The:0.012801513799798781	:0.01
more:0.21022441699777702	made:0.1322358042796141	highest:0.12641126541303346	it:0.11787877394703757	time:0.10051737531816961	prompt:0.07695503640430239	large:0.0767022199502132	good:0.07456412276369226	men:0.07451098492616036	:0.01
and:0.18097052808233638	of:0.1714053369511449	to:0.1689910352415987	the:0.12316674455170543	be:0.10268054111879898	was:0.08016658067172577	in:0.06077794898927725	for:0.051703905049467744	or:0.050137379343944834	:0.01
and:0.20574901464648052	be:0.1782627871071889	was:0.1377230897430883	to:0.08832819096533921	been:0.08618103965957719	is:0.0810041601548845	of:0.0796758931950268	he:0.07002166678811851	were:0.06305415774029603	:0.01
of:0.29358947036125244	in:0.18028893126427095	to:0.1068098024950793	with:0.09056444700024778	on:0.08044527243799857	by:0.07461474740538868	from:0.06746986323674065	and:0.05438751561889232	upon:0.04182995018012925	:0.01
that:0.2552027492246132	and:0.24739616137381143	but:0.13951823211335046	as:0.10047275784378422	which:0.07665856935201883	if:0.05195519272673162	when:0.04972913884251489	where:0.03626071909960702	But:0.03280647942356842	:0.01
the:0.8440911736901059	The:0.05338168809403719	tho:0.028461736880908296	this:0.017304089161641244	a:0.011377650123868818	and:0.011040819196097397	said:0.010343471220139781	tbe:0.009458530074233956	next:0.004540841558967441	:0.01
and:0.26231454141631805	of:0.15893048644414662	that:0.15218494755441173	to:0.09532061487359125	which:0.09450302188953494	when:0.07039124195809841	as:0.05657853528263088	the:0.055933430978184644	but:0.04384317960308343	:0.01
due:0.43995255135221406	hundred:0.11569581091547504	more:0.08748674086121175	time:0.08338479184441352	it,:0.05470936576312284	work:0.05342309420456249	dollars:0.05244583827008735	it:0.051562615660103686	them,:0.051339191128809344	:0.01
board:0.16927728974898812	number:0.16621048870788083	out:0.1232173097385954	line:0.11114904742948169	matter:0.10132737425536427	amount:0.09239294021795307	system:0.08356846860053807	right:0.07181648670892005	state:0.07104059459227853	:0.01
the:0.3352547426955254	of:0.20335078985994604	and:0.1499414444480291	a:0.1008781129495522	in:0.058661254659588644	to:0.05075765233305654	with:0.032656232836390395	The:0.03251312669516386	for:0.025986643522747876	:0.01
he:0.21236976584642633	who:0.15091908100628376	which:0.13423069933853982	they:0.1114226506626021	it:0.10310378443593025	that:0.08782466281035546	I:0.07127377388196328	there:0.06045635920866448	she:0.058399222809234465	:0.01
to:0.31183925208060853	will:0.126130591692272	t:0.11984709946223056	that:0.09195814575382462	would:0.08591361815159086	and:0.0853485014069716	I:0.06613257642948804	may:0.05734860361106113	which:0.045481611411952734	:0.01
and:0.23164125240091674	the:0.17521034894122012	of:0.13330018448104292	was:0.11699913479486232	is:0.08356598388440878	be:0.08314542977102056	to:0.07800034787885755	a:0.04422804667543665	he:0.04390927117223426	:0.01
the:0.6736909049703584	of:0.08989758339674732	our:0.04321340661300993	American:0.0415636944553164	to:0.03244108737363863	and:0.03153266119743346	his:0.027631639411485828	for:0.025053867118078183	by:0.0249751554639319	:0.01
and:0.29904236408823054	is:0.15995040533094393	that:0.12052988285200994	or:0.09033223313988667	as:0.08756067979169307	if:0.06494692180495612	Is:0.06290149472231273	was:0.05383962892268202	but:0.050896389347285034	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.11808702737128361	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
the:0.6275533743860632	and:0.07724950097402865	The:0.06211355447357128	tho:0.048713671207277535	a:0.0462103766499183	of:0.03933148615485745	two:0.030530205989253455	all:0.029285021201751808	or:0.029012808963278278	:0.01
the:0.22474110874305311	to:0.21163047591653383	and:0.16440436934190822	of:0.15232532812671112	in:0.07489615808393242	not:0.04572174599547668	I:0.03958829247081032	a:0.03849676889680186	or:0.03819575242477245	:0.01
of:0.2797548080087538	to:0.19573947608704179	in:0.164778589913542	on:0.07393671922515975	and:0.05987583349866956	from:0.05875186832357492	that:0.0584397660116613	at:0.05617145107470241	by:0.04255148785689439	:0.01
the:0.33721611975305626	of:0.1924864771074684	and:0.12291076848485799	a:0.09538547963802806	to:0.07419230042028697	at:0.06270261014364774	in:0.05139917452123443	for:0.0270261812349637	or:0.02668088869645632	:0.01
I:0.2698354119572756	he:0.2472247448198648	they:0.11810011368440274	it:0.08108156105187057	she:0.07090132671029033	we:0.05886685062789121	and:0.058359897558972855	who:0.04363432974251809	that:0.041995763846913566	:0.01
it:0.20622348714107272	that:0.16057455996523642	there:0.14151153360535962	which:0.11963266539685385	they:0.10506951759105808	It:0.08276968157081656	he:0.06915141905166503	and:0.0620236112565421	There:0.04304352442139564	:0.01
the:0.2674492964256619	of:0.20511700061949348	and:0.14485297190820026	a:0.10901726580538401	to:0.07826945908641957	be:0.053803876767259305	was:0.04954367835637349	is:0.042308161686394764	in:0.03963828934481334	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.25721617382666384	to:0.17737158840104994	the:0.1607460783808089	and:0.10775397429815597	a:0.08319316318129835	in:0.07741396740879346	that:0.04474106809029698	by:0.04101623747128274	with:0.040547748941649836	:0.01
of:0.29965648786216087	the:0.20372821190005933	a:0.0999942374813733	Of:0.09647955597336222	this:0.09435189269083483	The:0.06178889294781695	that:0.051072556020506775	his:0.04909387294554732	This:0.033834292178338485	:0.01
they:0.25103200119519326	there:0.20926418715856013	which:0.10285470388543959	who:0.09617508260323236	and:0.08783004719925781	it:0.07437925039945503	that:0.058726669652060505	There:0.05607744624284431	we:0.053660611663957025	:0.01
and:0.32434810589817087	was:0.11832549081564547	held:0.10061653345026712	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139066	arrived:0.07348439933321943	that:0.0714853472708103	interest:0.06758836938612982	:0.01
of:0.37888252473908907	in:0.1282086180355952	to:0.10441990140392647	and:0.09593832568712528	that:0.06971949913892456	with:0.06106707741411148	for:0.0608570667914635	by:0.05176039007607272	from:0.039146596713691764	:0.01
the:0.6847209660202248	a:0.07375672112416251	of:0.06825798264116387	The:0.04244833076855054	tho:0.03566294951728865	civil:0.03175979765629455	this:0.029670919709271628	that:0.011880591983451795	for:0.01184174057959161	:0.01
and:0.23269702242011067	made:0.22981759683133623	or:0.11115481161761777	that:0.07236086063876271	him:0.07054273789002967	followed:0.07041660789627405	owned:0.07020071888558449	ed:0.06697266320322266	accompanied:0.0658369806170616	:0.01
number:0.31653148183756785	couple:0.19656705625401702	millions:0.08549749204131621	amount:0.0807826587906373	bushels:0.07627093698274136	rate:0.0747330997800007	thousands:0.060991077650575896	sum:0.05234061003691401	period:0.04628558662622974	:0.01
and:0.33061738223970283	filled:0.13348895237334057	together:0.11986325241658866	covered:0.08297737991428761	but:0.07220438578986679	that:0.06543436312255616	war:0.06452701106612282	charged:0.0618075327377077	do:0.059079740339826964	:0.01
and:0.17289155610334328	the:0.16313864339315245	of:0.1620075866484814	in:0.13196377323690256	to:0.11337458955272367	a:0.08379906203463973	on:0.07306073661053006	for:0.04905989825636819	his:0.0407041541638585	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
a:0.30840678142424416	the:0.19475716645716654	is:0.13715229972043083	was:0.09304623130854763	not:0.07738494407735814	are:0.06851081239596264	be:0.04704132626073008	and:0.03513589377048406	been:0.02856454458507571	:0.01
for:0.44214987080886836	of:0.1850577619533028	For:0.06992176757878311	at:0.06252521526704433	in:0.06201823729381042	that:0.06185537453943919	to:0.05369963295098596	and:0.03273120954895438	In:0.020040930058811593	:0.01
the:0.33485488415174597	and:0.17239136307301356	of:0.12698487187951712	an:0.11294653297303256	with:0.06354369676697484	impurities:0.052275675796178735	by:0.0445826210217109	or:0.04202845518507071	for:0.040391899152755636	:0.01
the:0.3260733600731286	not:0.3062515921792606	is:0.0741758007397427	The:0.05406143037485758	was:0.05355998577430697	had:0.046921404467446734	have:0.04481797694441656	and:0.044369328329513236	has:0.03976912111732683	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.24967287767908994	and:0.17202113576094602	to:0.13254047026354387	the:0.11921417082348272	by:0.11589441278082113	in:0.06261868148612214	that:0.05098804643301221	at:0.045549883067955974	<s>:0.04150032170502597	:0.01
the:0.2973009843474015	of:0.17356798007201168	and:0.15662656487303261	a:0.08858264814550969	be:0.06855529954950186	is:0.060548336902521864	are:0.05543797698843219	was:0.047302216625243095	to:0.04207799249634545	:0.01
according:0.1724614830861989	went:0.16555845261146696	and:0.14036346110254597	sent:0.13287596836486681	as:0.0977397326405893	made:0.0760771465006411	go:0.07472163659253889	up:0.06715461996010035	subject:0.06304749914105182	:0.01
the:0.297492901961497	of:0.17741408266195474	a:0.14645768029163828	and:0.09158810426380848	or:0.07279359814981	to:0.06981668528850316	in:0.0589873299937157	any:0.0419198791673564	be:0.03352973822171621	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952453	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
and:0.1776013840236831	of:0.13819341960412293	<s>:0.13005554120091786	the:0.11133096134400199	-:0.11085246228358507	1:0.0869412824668289	by:0.08395202480121493	I:0.07841153245097049	in:0.07266139182467474	:0.01
be:0.3317420679721575	was:0.22393253489166695	been:0.13614465800040249	were:0.07986345763372708	is:0.07005502292238816	are:0.0513399625661295	being:0.04454482226387151	and:0.0302158852657953	have:0.02216158848386158	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.1177148385676645	they:0.0914384776859708	that:0.08313239062920648	which:0.07694098793602959	he:0.07501873352304171	and:0.07330080551631972	I:0.05566581471392691	:0.01
to:0.21933751448187902	and:0.20560903522447663	the:0.1945536989813919	of:0.15547992204256325	in:0.05002056463880914	a:0.043233999904594686	not:0.04294346232233523	or:0.041324931090442475	for:0.03749687131350772	:0.01
to:0.3000405285996906	and:0.25451393376513737	the:0.10236153990004362	was:0.10177716946772901	be:0.06711792958638697	were:0.04931954766409291	votes:0.040509528320792756	been:0.03952969187536557	I:0.03483013082076126	:0.01
;:0.18966281890257708	him,:0.14326864346247556	it,:0.12933185170359887	them,:0.11703051830688663	in:0.11266753311189362	him:0.08648403204424665	up:0.08251301215636823	time,:0.0664093434911326	time:0.06263224682082087	:0.01
and:0.2657547657656737	of:0.18584312310997664	the:0.16077648685963605	to:0.08385375932773545	is:0.06783652437900543	in:0.06706562738274308	was:0.05386796370077074	with:0.05350772259312402	be:0.05149402688133487	:0.01
I:0.14301503120357734	who:0.1390887770770933	and:0.13720836472079534	it:0.12746579187804127	we:0.11910181547307508	he:0.10745426025155771	they:0.08689471767217047	which:0.06500556451089269	It:0.06476567721279677	:0.01
the:0.4445924429856781	little:0.15733563790906438	a:0.1465586233767649	young:0.07997307919126556	and:0.05005392677871712	his:0.032679704497299455	The:0.031399487714498915	her:0.02726830078130938	old:0.02013879676540222	:0.01
of:0.27563423987678265	in:0.20062727285818668	from:0.15592518968427738	at:0.1494181521954576	to:0.06644025412850894	the:0.05356889738905383	In:0.04797076886926538	and:0.027128426254199506	for:0.01328679874426808	:0.01
to:0.26209831496933705	and:0.19664402247129262	the:0.18720703494025473	of:0.14061051340842878	in:0.0675925481954826	a:0.03867755248806962	<s>:0.033894641081214025	not:0.03251041157438808	that:0.030764960871532552	:0.01
of:0.23777723650862875	the:0.2078250843554736	to:0.12220488792326328	in:0.09589588520617177	and:0.07828239441304918	a:0.07440743707164366	at:0.06190146619398285	on:0.057919040702180916	by:0.05378656762560606	:0.01
the:0.546376464327715	this:0.10498051563753227	a:0.09268566698267788	his:0.06992590406556337	county:0.04339143278783392	one:0.03633005215398301	of:0.03342837563187942	tho:0.03162087760858843	and:0.0312607108042266	:0.01
the:0.297492901961497	of:0.17741408266195474	a:0.14645768029163828	and:0.09158810426380848	or:0.07279359814981	to:0.06981668528850316	in:0.0589873299937157	any:0.0419198791673564	be:0.03352973822171621	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.6755107108012354	of:0.06401348120887602	The:0.05649498693621098	and:0.050682312248150535	this:0.03696276835509445	tho:0.03210471440845578	a:0.03135987287093088	that:0.026508446563975767	other:0.016362706607070107	:0.01
of:0.37322692931147256	in:0.18820699868624333	to:0.1295188783885632	that:0.07862407421022237	as:0.05683834463703977	all:0.04600910254825403	and:0.04344618600723231	with:0.037929805139245876	for:0.036199681071726636	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
and:0.19560656535339777	be:0.17133940938422942	was:0.1319230735627309	is:0.12199458203857334	of:0.09077768836941887	been:0.07428575269711138	to:0.07012212492506753	in:0.06741011338802542	are:0.06654069028144535	:0.01
and:0.19583342605332962	that:0.1838994050203063	as:0.12119181844284553	of:0.12112615315282578	to:0.08831964160181255	make:0.08098984926957423	which:0.07701187457248801	but:0.06372021473945984	if:0.05790761714735823	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
the:0.3526894812933216	of:0.3350183751941173	and:0.08621837020948542	The:0.04890128631681606	to:0.04031186292913626	a:0.0391810296809153	for:0.03209731861247136	on:0.029171298690100114	tho:0.026410977073636602	:0.01
and:0.171856619882917	the:0.15925251522179817	Mr.:0.12518775424725417	of:0.11755995196257497	Mrs.:0.1096719676426139	.:0.1032434415347703	<s>:0.08683532982458834	said:0.060508213969928	that:0.05588420571355522	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.20354487062043997	in:0.15945712326502384	his:0.13440274548776068	and:0.11200698129340808	their:0.0919942431730834	this:0.07680073946081745	an:0.07271482548027634	other:0.07131435173327358	my:0.06776411948591671	:0.01
was:0.22590520031323708	to:0.19986944163231163	and:0.1922431347745772	be:0.11878278065535496	were:0.07740723924018257	been:0.05598695761139701	he:0.04778910157001999	then:0.04296813903395365	had:0.029048005168965805	:0.01
both:0.18552509555024163	them:0.11510325069591053	it:0.10524799723268265	the:0.10193294163968318	feet:0.10158140953190008	well:0.09923943738132708	men:0.09860317242414227	and:0.09433726551068838	up:0.08842943003342427	:0.01
Mr.:0.45464595800719615	and:0.15155711965829388	the:0.1014484676531921	that:0.09385540865560325	of:0.052252763832784904	The:0.049070097713680996	Mrs.:0.03264877374089971	Miss:0.027339661775492977	Mr:0.02718174896285608	:0.01
is:0.16794502688385302	and:0.13986669420778053	ought:0.12811825314951217	as:0.12310559467581189	enough:0.09969926104196393	not:0.09529933635741172	have:0.08036792474183824	able:0.07889479828288037	order:0.07670311065894812	:0.01
the:0.6007589773689022	of:0.17096891696203412	our:0.05560894721986403	a:0.03704880291703652	federal:0.03671234011958963	tho:0.026758288580974683	in:0.02253498517671923	to:0.020448996416666115	States:0.019159745238213406	:0.01
the:0.42874616365898144	whose:0.16051104455420662	their:0.12680943603685785	his:0.08749734474116293	The:0.06936396508603375	of:0.03308524507731095	my:0.03036792586735085	its:0.027465776872458048	our:0.0261530981056378	:0.01
that:0.22894298162916124	and:0.18389959895169808	which:0.14233538044387992	when:0.10658309596613334	as:0.09538865855949213	to:0.09182559855047093	if:0.04809103819452874	will:0.04780503333124626	but:0.04512861437338917	:0.01
the:0.2625039622330428	and:0.19072338887470905	of:0.13887382723760294	a:0.08271968724827235	was:0.07084550204186468	to:0.06662901861522866	be:0.06427550448769476	his:0.05788848475140922	Mr.:0.055540624510175725	:0.01
the:0.4319105958634098	a:0.2884825987965892	of:0.07549590017184842	this:0.04801532225118098	The:0.044079693271758265	with:0.032493405498834366	A:0.027691618965203207	tho:0.021353694520013178	and:0.020477170661162426	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
forenoon:0.177542069486481	one:0.15197902685962286	result:0.12154738781861386	out:0.1146226779973252	all:0.110600438530804	part:0.09375218969813726	some:0.07435440729973954	much:0.07302022176870575	is:0.07258158054057061	:0.01
be:0.2596671614983853	was:0.20527522293127679	been:0.12408080644606338	and:0.11285716902585903	is:0.08147290623133807	being:0.06441311060192641	were:0.060724856348450415	now:0.04878956264460834	are:0.032719204272092337	:0.01
of:0.20661371800246398	in:0.17534060101717955	to:0.14514496471754276	and:0.12924120027946703	with:0.08816943694927117	for:0.06959017322749067	was:0.06319069173601957	by:0.05684838594172082	is:0.05586082812884447	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
of:0.39682473134093704	to:0.12105455152149053	in:0.11970850544947412	and:0.07118670401723742	on:0.0640901196671133	by:0.062343526513008625	for:0.06145043362162674	with:0.04685578811775423	that:0.046485639751357964	:0.01
at-:0.4683280784676542	the:0.2542223924093207	at¬:0.11470626550258375	at­:0.06161473190565806	and:0.02646310274658731	to:0.021799968990106885	The:0.015059846113243115	tho:0.013962728068215288	of:0.013842885796630752	:0.01
the:0.6733748019947965	The:0.06909111474532575	a:0.058711071881394426	and:0.042365579223369185	an:0.041392365722384035	tho:0.04094688101844295	in:0.029163532814567877	great:0.020276817973459916	of:0.014677834626259408	:0.01
has:0.1830679735834706	and:0.16086978388302403	the:0.13524156428679246	had:0.12906554576914583	have:0.11571983207407682	of:0.0896498992428868	which:0.06074139375445634	to:0.05816922217283804	it:0.057474785233309046	:0.01
the:0.2343422083806621	said:0.179894059553775	Main:0.13296208782188768	Market:0.09184751256362036	High:0.08584635532350345	Third:0.08511293865261553	Wall:0.06578747027336963	Sixth:0.05899396324307293	Seventh:0.055213404187493306	:0.01
the:0.23623670945070466	of:0.21613459848816124	to:0.12413326744679623	and:0.1118851817863003	at:0.09142020165535739	for:0.06846113271731506	in:0.06260869282362906	a:0.048452923786320753	from:0.03066729184541546	:0.01
the:0.8311522233410438	The:0.03524421658421056	tho:0.03355471981987536	of:0.018725071161213473	their:0.015979190758858407	tbe:0.014711085722250241	his:0.014418199329255497	and:0.013176542293444381	our:0.013038750989848438	:0.01
the:0.3665083286851395	of:0.23212925221573122	to:0.10552190746108221	in:0.07863458087120809	a:0.05761010385264566	on:0.042968415082426006	for:0.03880620008550325	his:0.034644080066270205	that:0.03317713167999378	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.11808702737128361	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
and:0.3090612114894368	that:0.21280743888311418	of:0.19341524041142366	to:0.06159895091041659	we:0.04589557636994498	but:0.045051756245853905	when:0.04267686551945194	for:0.04079804000046888	if:0.03869492016988902	:0.01
the:0.45072442068859575	of:0.15863699663840108	to:0.08274862814216809	in:0.07934149181786487	and:0.06519368185071724	a:0.04745882399311515	at:0.04172253319245968	by:0.036321053813860485	that:0.027852369862817552	:0.01
the:0.35661029684116546	his:0.18108984992590552	of:0.10069617636379666	and:0.07747395040017552	their:0.06563162892094355	a:0.06501353050593511	her:0.06124262264154855	good:0.04338562159157595	our:0.038856322808953674	:0.01
of:0.575645736110166	in:0.14541445462603755	and:0.08501250236029168	as:0.052813276059659416	the:0.03330890993751092	to:0.02874331474243791	for:0.027514996782776687	on:0.020871537940049662	with:0.02067527144107023	:0.01
of:0.1857519622978024	is:0.1690870706775603	was:0.13877726198192106	in:0.09925420894105784	with:0.09871804838669339	and:0.08818157116711596	to:0.08643485860618282	for:0.06310610032824931	as:0.06068891761341684	:0.01
the:0.3853244944598765	of:0.20161191429901182	and:0.13281277996971314	a:0.12239923761336709	in:0.03551265260697983	to:0.03103354669114786	or:0.028518751250521997	The:0.02804008313706694	tho:0.024746539972314786	:0.01
of:0.40092915488336084	and:0.15787938785376307	that:0.13172800217994882	all:0.0757116967566641	by:0.063952110456705	to:0.046829009994771985	for:0.04340321118415379	with:0.038338591463918666	as:0.031228835226713603	:0.01
the:0.6729152314335012	a:0.08129413866095424	his:0.07001349790110377	The:0.048290060193404975	tho:0.04608705428722731	our:0.022288061735949213	their:0.0188524225946315	tbe:0.015167515595396582	her:0.015092017597831289	:0.01
as:0.18828381350513596	according:0.14144678228402477	up:0.13904323060160723	and:0.10966501132003925	went:0.09104380703179263	back:0.08789812106037487	regard:0.08348580619122743	feet:0.07747526592666082	down:0.07165816207913696	:0.01
and:0.29052563843363227	fact:0.1718349679940122	said:0.1130770564104576	so:0.10296766644522753	believe:0.07467485194323314	is:0.06547998110151378	say:0.06072622423233119	know:0.05957648278092702	found:0.0511371306586653	:0.01
chs.:0.3942372776637926	ft.:0.12377449898602048	and:0.10452842949606159	right:0.06800341364806839	went:0.06526622057683445	as:0.06277876991272426	order:0.0607809491223373	him:0.056870314733267716	made:0.05376012586089331	:0.01
together:0.21604782718497406	and:0.17124166159371282	filled:0.12858278261528777	charged:0.1118166788219665	up:0.1019534773214986	covered:0.08274880041576148	it:0.06818273605675981	him:0.05537394786632245	connected:0.05405208812371643	:0.01
<s>:0.4559282247213352	.:0.12651849075332455	it.:0.10437226546726536	them.:0.10128109626221393	him.:0.04951959651869866	time.:0.041650256419143925	her.:0.039275006956283894	country.:0.03808623703683674	year.:0.03336882586489762	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
J:0.23133500926666778	and:0.2022105578124852	.:0.10850570271642349	to:0.09227593296875992	the:0.08606385514403886	<s>:0.07714512269117053	W:0.06872000085662874	of:0.06623303633871652	as:0.05751078220510887	:0.01
the:0.19171647154817875	of:0.14112722341567557	and:0.13416554077907164	be:0.11792759908396455	to:0.1134244355179606	was:0.10074338199402286	is:0.07513481676880751	a:0.05881585421433086	are:0.056944676677987666	:0.01
the:0.486967561859838	this:0.11192138220147331	that:0.08846668787640678	any:0.0714042348612766	in:0.055556523345148906	and:0.04943361223220068	of:0.04907188840823829	The:0.04490034089462714	tho:0.032277768320790344	:0.01
to:0.31537805320365847	will:0.2545864481494915	would:0.08896049524140885	shall:0.08189498887655354	may:0.06310638001381273	should:0.06200413606307727	not:0.0450012152165704	must:0.04077048460509341	can:0.0382977986303338	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.6337331662659313	and:0.10038527526927499	of:0.04502915812563192	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.036702152674902296	to:0.02732621088062538	on:0.022766332380400434	:0.01
a:0.474317823763704	the:0.3399877572532416	feet:0.04597574695419335	tho:0.03199238863304411	inches:0.026470806576655456	The:0.02416488999383957	A:0.01923416080086685	of:0.014775033050572026	and:0.013081392973883055	:0.01
be:0.23701278788357083	was:0.16964801094987708	and:0.13303854498869438	are:0.10057538057790065	been:0.09737834818903397	is:0.09249707319209333	were:0.09100097557740768	he:0.03585403876939964	well:0.03299483987202241	:0.01
the:0.30337617970676906	of:0.18860457588018728	and:0.13106174082947405	to:0.09776108092070786	a:0.08095665544599281	in:0.055741965423345904	be:0.05114324002429872	was:0.04187976514053473	is:0.03947479662868964	:0.01
and:0.21284543509605122	of:0.13700664442214325	the:0.13621905108924529	to:0.11059867042248105	be:0.10460019330023755	was:0.0962702903952213	is:0.07851131608328227	in:0.06119015719528385	been:0.05275824199605404	:0.01
the:0.5955119137734151	Federal:0.08248999440040743	The:0.06055999849995352	States:0.05446392170342085	and:0.05316562337627909	of:0.04557977676463418	our:0.040986108630633816	that:0.0314356745293822	tho:0.02580698832187388	:0.01
of:0.36864342338871764	the:0.3141270961744606	and:0.0645217356667895	in:0.05178310189643908	a:0.04901344324710238	his:0.03723856203625385	to:0.036730961938270475	their:0.03397742391108635	on:0.033964251740880004	:0.01
the:0.6680399820948015	a:0.08081948640942556	of:0.07040996070704636	tho:0.043382104356358545	his:0.03200760836678411	our:0.030586558130181084	one:0.023356165617003957	said:0.02221588387484641	in:0.01918225044355236	:0.01
a:0.161746567722258	would:0.14147494677936817	something:0.13141879297601583	and:0.1149547091359754	looked:0.1019075607492522	was:0.1017829211546551	much:0.08698248848447536	is:0.0831390728938873	not:0.06659294010411257	:0.01
of:0.2735900659577961	the:0.1555769448654546	and:0.12432954580218311	a:0.11720381974340094	to:0.1041505709777092	in:0.08233958509752284	was:0.045557072074220245	with:0.043647118952881044	is:0.04360527652883189	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
No.:0.2747715871862971	July:0.1617250752478308	March:0.11532538649072552	block:0.10742429089098444	Block:0.0779441578344769	May:0.07247419367329834	lot:0.0685389978726448	January:0.06489336909184622	April:0.04690294171189589	:0.01
those:0.31622933364117484	man:0.16613326520093988	men:0.16580762653928446	and:0.10923024042942887	people:0.0617912175599913	one:0.05244152525619717	Those:0.04503794359929077	persons:0.03685047316848905	all:0.036478374605203666	:0.01
one:0.27929136428031115	part:0.16196919833982198	out:0.12945893165806713	some:0.08533442500483848	members:0.08355762137942169	side:0.08132005735050905	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
turned:0.27807623505278334	went:0.18537108391497592	was:0.10600921312090722	go:0.0908618015365168	all:0.0805360473686907	come:0.07713603386247245	is:0.06241062691587634	came:0.056024000071036535	and:0.05357495815674072	:0.01
be:0.3206047870415387	was:0.18569914975492346	been:0.1412550483666487	is:0.12348135575719445	are:0.07145169219309365	were:0.06085808995837575	and:0.03408200298471509	being:0.03226293849069409	Is:0.020304935452816173	:0.01
of:0.32364221694587053	to:0.1571706490304156	in:0.1316667805232421	for:0.08146371590104425	that:0.07997859708419178	and:0.07035843170719414	by:0.05810140711051619	with:0.04504374352968455	is:0.04257445816784089	:0.01
ves-:0.47316868759768765	the:0.12382653277937292	coun-:0.10657182371875512	and:0.09044403622024311	of:0.061299633293040355	a:0.05284713232045208	to:0.03357388899797796	in:0.03076579032191773	for:0.017502474750552968	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.401809254233709	made:0.10572982649976294	necessary:0.0976642144147235	provide:0.07096771065587228	him:0.06679412563114624	time:0.06399940844444657	but:0.0622615259756986	pay:0.06140975827886297	responsible:0.05936417586577787	:0.01
of:0.2374277006498227	in:0.20601128793287557	and:0.14061074176205207	to:0.10585811885886084	that:0.07812672723658808	for:0.07440664591823387	with:0.06678866280825523	by:0.04058530302206666	on:0.04018481181124498	:0.01
of:0.1920535175445183	in:0.19063256959926828	to:0.13263319313175279	for:0.10146911005784595	with:0.0898682658096369	by:0.08717087781925152	and:0.0682461591074577	is:0.06556288469104625	such:0.06236342223922235	:0.01
the:0.3403533143830292	of:0.1988327192959912	in:0.10067773817170218	to:0.094384831337523	a:0.06508266396635791	by:0.060676572338094426	and:0.051875425827229434	that:0.042520885244600216	The:0.035595849435472504	:0.01
the:0.3417012742139022	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093985	to:0.07847171568184984	in:0.05339647102682972	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.5800464094844596	in:0.09972841043140825	to:0.08125348410598678	that:0.06669298167658427	all:0.03948280178357641	and:0.03814384178104068	by:0.029258056002472506	for:0.028570843457815437	with:0.026823171276656007	:0.01
to:0.23084164089153653	the:0.19599676182946482	of:0.1655574740863616	and:0.15864168240412754	a:0.06474452365459164	in:0.05071236753640228	at:0.05006300246274835	for:0.03808870392664654	is:0.03535384320812077	:0.01
the:0.6719890266483217	The:0.08905562660611153	tho:0.058757010653704964	his:0.04936836971455775	our:0.02736892303624935	of:0.026449080668291075	tbe:0.024198884242322576	this:0.02173685319619229	my:0.02107622523424867	:0.01
it:0.2292391064038637	It:0.21696561702150258	This:0.15216872378118323	which:0.09371134308053368	that:0.0823699607317968	this:0.07426658989754333	and:0.053275560998039914	there:0.048407602090468675	he:0.03959549599506813	:0.01
is:0.15007233796838604	of:0.14754817223783404	with:0.1428431936183927	such:0.1275530448617739	in:0.11988193760662806	as:0.08931000659894836	by:0.0848689777354924	to:0.06427059044827356	was:0.06365173892427091	:0.01
the:0.8863726773530108	tho:0.04767429894468294	The:0.02037911013063574	tbe:0.014848854384155502	of:0.010704508851547225	and:0.0029070840653533446	by:0.0026907681676473397	a:0.0026265092802739095	tlie:0.0017961888226931213	:0.01
of:0.4782549749220912	to:0.16503490884890878	in:0.10551106933748793	on:0.0662538521790286	by:0.04256952559676611	at:0.03719827427206163	from:0.034158224718888824	for:0.03283767953142179	with:0.028181490593345165	:0.01
to:0.3574238647547392	I:0.1476803514748828	and:0.1189613059497299	will:0.0817091817655276	can:0.06613947887571597	they:0.06533430670026143	we:0.05740659435518907	not:0.051490827917396814	would:0.04385408820655726	:0.01
they:0.159838088995225	we:0.15850005471409273	he:0.14856073198700565	I:0.14502922727074855	and:0.1148493474074596	it:0.08849499697814084	who:0.06771055888028031	which:0.05380377162072295	you:0.0532132221463245	:0.01
be:0.32158110505084836	was:0.13227544149147455	been:0.11814260458471644	is:0.1178570078486048	and:0.08363896049281479	are:0.0710547853803429	were:0.055944084885561025	have:0.051981372834048266	not:0.037524637431588896	:0.01
the:0.20495535515765362	and:0.19796885281290239	his:0.123702407497494	to:0.11835522940352838	per:0.09606772954843576	a:0.07254474801197586	my:0.07049746451409164	this:0.06381253733651147	be-:0.04209567571740684	:0.01
the:0.3853244944598765	of:0.20161191429901182	and:0.13281277996971314	a:0.12239923761336709	in:0.03551265260697983	to:0.03103354669114786	or:0.028518751250521997	The:0.02804008313706694	tho:0.024746539972314786	:0.01
there:0.20563433726255975	mortgage,:0.16633944273323617	;:0.1652792544170093	it,:0.10278803046054671	cause,:0.09836095393889274	mortgage:0.07159413669324424	them,:0.06948418655480336	States:0.05815939786276587	you:0.052360260076941875	:0.01
and:0.43776304514745745	that:0.19288269945087272	as:0.12815936681915946	but:0.07020117803652	even:0.04304664363513682	But:0.03989927357458715	And:0.02663319062593675	or:0.025751994244753093	see:0.025662608465576626	:0.01
and:0.33174945563533786	the:0.17584864294087715	of:0.12345093929963111	his:0.1170223125224244	her:0.06592706187674549	their:0.056328245769162164	that:0.05301285016131332	our:0.033820774938620096	for:0.03283971685588835	:0.01
is:0.21582708951072616	and:0.18005783508588186	was:0.16874187209442448	that:0.10504289777567748	had:0.07819666821198404	have:0.07598664059517883	be:0.058012321725998524	of:0.0559942544100841	with:0.05214042059004467	:0.01
they:0.27431062575085324	there:0.15006086896685464	There:0.11133836863548774	who:0.10011846613500859	we:0.09212898583338103	which:0.0851996859290389	They:0.08396980859434748	and:0.047512226445142865	that:0.04536096370988557	:0.01
the:0.6411319971224263	of:0.13116370447727646	tho:0.04523247664113472	and:0.033887651314005174	The:0.03204394534719217	surface:0.03052518895198914	on:0.02763217141796954	a:0.026175377681536435	to:0.02220748704646991	:0.01
of:0.3630350740586406	the:0.1652591637044575	in:0.14689974290592145	and:0.09288862333737676	to:0.07357308745747566	for:0.0413387368613848	from:0.03766019187032089	In:0.036407138163262964	by:0.03293824164115942	:0.01
plat:0.4825784805721939	part:0.14631161097393955	much:0.14444938194484966	copy:0.054803316500385446	amount:0.04529345378054976	survey:0.037760745448163956	payment:0.028741816024816236	holder:0.025675102784218435	conviction:0.02438609197088305	:0.01
the:0.5634882935503621	a:0.1977244748447277	town-:0.04884971756946557	wor-:0.04673169364059923	The:0.03275426855743825	tho:0.02908116796162965	of:0.02620991168493296	and:0.02261260502444562	or:0.022547867166399043	:0.01
and:0.18784336682063277	as:0.15114329179679575	went:0.11423878004667354	him:0.10666558228731275	them:0.09110223752457797	up:0.08733803455919151	is:0.0868948054425366	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
and:0.30937248239004295	that:0.14926177207768093	as:0.12706581059587674	which:0.07533535813185005	the:0.0745852795685487	of:0.06797592753701469	but:0.06524530027187	<s>:0.06371476663143535	when:0.05744330279568063	:0.01
the:0.7318393474302004	of:0.08539424695945298	a:0.05024946308254747	tho:0.04077273606565481	and:0.020833375563990886	in:0.020785132278923868	The:0.01801593110690249	tbe:0.012286981574715982	by:0.009822785937611128	:0.01
that:0.18404915690075815	and:0.18167567775787719	had:0.10766507292859072	but:0.10111128551267923	is:0.0945412610534883	as:0.0898300107531808	have:0.08972975144382046	Is:0.07096038801362375	make:0.07043739563598148	:0.01
and:0.19051943986217015	of:0.1720639792232348	as:0.16747509158597676	the:0.13450047028301987	to:0.09096766000852802	be:0.06575526900119626	such:0.06334143169216884	much:0.055005516582227666	in:0.05037114176147772	:0.01
and:0.213659044155795	be:0.16949459997093072	was:0.13138183266937642	he:0.12111760794883242	I:0.10237201012101424	have:0.07354805791737938	is:0.06531121247907566	had:0.0625763507640064	has:0.05053928397358973	:0.01
of:0.20065029462322528	in:0.18707493587591537	the:0.1764003397260158	their:0.08481796022977797	his:0.08049817409806927	for:0.07815348092655976	and:0.06331175187776737	In:0.061057260823556524	a:0.05803580181911256	:0.01
and:0.16554698624406927	covered:0.14806076650159555	filled:0.12561812731543542	compared:0.11366251704937044	accordance:0.10844087372083674	connection:0.09431320010436066	together:0.08274598793427504	parallel:0.07771524841790732	charged:0.07389629271214962	:0.01
of:0.3325095250128426	the:0.21624872522542357	in:0.14749715712233827	by:0.14070842207454662	to:0.05446660296032549	In:0.026912586324946135	which:0.026218829494769322	on:0.025360835955191986	that:0.020077315829616103	:0.01
of:0.25215291559056535	the:0.24133101812369992	to:0.17207237247901733	and:0.1374948946938506	<s>:0.04256310502436529	an:0.04177845912323594	in:0.041188084617319286	or:0.031839369085499204	last:0.029579781262446966	:0.01
and:0.27709339683193096	to:0.20202364333909553	of:0.11220589733181101	which:0.07505006121860576	for:0.06979898084155528	that:0.06933642627141445	in:0.06342013358331684	or:0.06270745702963718	the:0.05836400355263304	:0.01
of:0.41176761303080356	in:0.3316032811850844	In:0.0573927278511233	to:0.05738338185678403	for:0.05616777173806004	by:0.027135636610369752	from:0.01779730598645041	on:0.017309438072444363	with:0.013442843668880057	:0.01
;:0.166410416870824	it,:0.14067740649544613	years,:0.13016694302705759	here:0.09487690594470952	them,:0.09378174610294242	him:0.09260168877066724	it:0.09104309653116786	time,:0.09065192185789876	<s>:0.08978987439928655	:0.01
contained:0.21195734665215293	described:0.20422195386504643	stipulated:0.1575813651728388	recorded:0.08801227956739072	and:0.08591808985387941	situated:0.07920133131407768	interest:0.07356644326792618	interested:0.05966697016894978	filed:0.029874220137738088	:0.01
costs:0.1912435563306292	time:0.12967420494459023	one:0.12897059921568466	men:0.10482750206468246	in:0.10006135847727836	up:0.09107110655223279	good:0.0870232887807712	large:0.07943386239342523	house:0.077694521240706	:0.01
is:0.2524479625653079	ought:0.12100787889195092	are:0.11783524227953247	seems:0.11055594763804422	was:0.09614106152581382	not:0.09418436271061356	said:0.07532254921697494	seemed:0.06249828089648135	as:0.06000671427528078	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.045535783937874386	of:0.030513329816780906	tbe:0.02261446403444868	in:0.02161243966972433	or:0.020196218295911488	:0.01
and:0.2542315743163	is:0.19065841016179877	fact:0.1437993552448729	know:0.08130283477484336	so:0.0772528193275017	say:0.06882345549977154	said:0.059326111221560465	but:0.0575064667290932	was:0.05709897272425803	:0.01
the:0.38368489376777454	and:0.15159093848804045	of:0.13852836488818704	a:0.12209916404580835	in:0.050000067254748634	as:0.0367004936818326	with:0.036189019262881775	be:0.035638748777226205	by:0.03556830983350054	:0.01
be:0.2553044321176574	is:0.13576158103325703	was:0.12779276656935676	and:0.11842746350110224	are:0.0971730037190029	been:0.08957084153767099	were:0.07239534971680765	coupons:0.050688485945794344	being:0.04288607585935065	:0.01
the:0.19499822924215665	Mrs.:0.19196382082785227	and:0.19068650396488343	Mr.:0.13358696952205143	.:0.07225582403541128	Miss:0.06734220322579343	of:0.051447400565001036	<s>:0.0511686869888445	Messrs.:0.03655036162800596	:0.01
that:0.26123975411206607	<s>:0.21683942007773668	as:0.1038066743074425	and:0.09401708622911381	it.:0.0908867958671798	which:0.069455978232657	but:0.06414840037600708	of:0.04561582934860322	them.:0.04399006144919371	:0.01
of:0.3455237188423797	to:0.16926942485466406	in:0.1284265522923629	on:0.0911655822485093	by:0.06222978243913015	at:0.06138333461415866	from:0.054139669854241124	with:0.0416259609807027	for:0.036235973873851385	:0.01
of:0.3420422053370365	to:0.1388434664336376	in:0.13786264416522526	and:0.08027954924229379	with:0.07123181302638898	for:0.06369579859368074	on:0.06135083543937238	by:0.04859824571313037	from:0.04609544204923423	:0.01
the:0.6666327243634632	a:0.15618817096662924	The:0.04230264993187205	and:0.03764436784650778	tho:0.030858806312379923	to:0.021663499241349297	this:0.013407500193427888	tbe:0.010870815957955035	his:0.01043146518641571	:0.01
carry:0.2531501453566949	through-:0.22987000183719142	with-:0.1450204013714821	carrying:0.08293987265271313	pointed:0.06672683102072541	and:0.059369703054731424	sent:0.05515216574947199	brought:0.049249105518804445	carried:0.04852177343818517	:0.01
looked:0.1497798566631716	it:0.14868305235424262	gathered:0.12647747252539324	arms:0.12215014692198271	all:0.1180887404651292	look:0.09453249926131684	and:0.08750415002963004	him:0.07855630725984333	arm:0.06422777451929056	:0.01
the:0.45233224190932425	a:0.14270071712019242	of:0.11835378819819185	and:0.08119485186201865	in:0.05231364872911621	to:0.04446278717794555	The:0.04267185672770118	tho:0.029269072011676413	an:0.026701036263833484	:0.01
and:0.29234911527061597	was:0.12295751386511262	is:0.09850110963903781	that:0.09666055421653383	it:0.08628007122265054	as:0.07887221239903662	be:0.0742410316365856	them:0.07029673534852585	up:0.06984165640190107	:0.01
of:0.3582541495959591	the:0.28994841854852127	and:0.1301032474231809	in:0.07784906754443188	by:0.035821567961589515	a:0.029085910873762208	from:0.026762195601811735	with:0.022455594246924126	&:0.019719848203819324	:0.01
and:0.3024842444279262	was:0.14789652250066213	is:0.09596900870974387	be:0.09291209349185649	are:0.0796256255250144	that:0.07617621460107378	it:0.06766289852403744	been:0.06429887727346364	made:0.0629745149462221	:0.01
and:0.1872267870314854	connection:0.18094568474691572	together:0.15084904247430034	connected:0.14671335451791814	accordance:0.10087046517459246	comply:0.059247939240596396	up:0.056550590313795314	do:0.055769387631513	compared:0.05182674886888295	:0.01
and:0.3758105158093881	was:0.12058436713308751	Beginning:0.0812513634925101	that:0.07364745099278608	is:0.07353011626431966	look:0.0691499054741264	sold:0.06865715839520692	looked:0.06825916448244185	held:0.059109957956133344	:0.01
Mr.:0.1711238961355798	due:0.1355317529236669	;:0.12649664199474112	in:0.1178371828792977	thereof,:0.09912151197201777	,:0.09670427772776648	up:0.08510771758495601	men:0.08272056851485278	one:0.07535645026712143	:0.01
was:0.21182467025075885	is:0.1855270444613366	are:0.14728010946758327	and:0.10512380423924349	been:0.10320195735332456	be:0.08161870618625305	were:0.07055347852837819	not:0.05524789867417898	of:0.029622330838943195	:0.01
is:0.21846337557343823	was:0.19740818996664658	be:0.1010576725621762	are:0.1005415575004879	and:0.08685820621369729	go:0.07998610211164893	him:0.07662571346515978	found:0.06481627721485383	were:0.06424290539189131	:0.01
of:0.18885527935421473	in:0.15515714683407208	by:0.12170535179760215	and:0.10816870509245011	for:0.1045433991425833	that:0.09577434195587424	to:0.08498636567326605	with:0.06992778345882747	was:0.06088162669110981	:0.01
on:0.531302552505295	at:0.2768812963478856	of:0.04932586275730152	the:0.02990470815187842	Mortgages,:0.027973661581661535	and:0.027456452104290315	mortgages,:0.020564492223306134	from:0.01417357515673816	deeds,:0.012417399171643426	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
No.:0.1933586283182993	and:0.15676749055908437	the:0.13393812525374674	of:0.1264478384532672	at:0.08881292736526274	.:0.08094643297346761	a:0.08008049067163032	said:0.06664873799122828	to:0.06299932841401341	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
.:0.1737724128892691	A:0.13078192538926514	J:0.10879130182215427	E:0.10834706861521211	and:0.10594999625131411	A.:0.10067189932397813	&:0.09721885832884923	J.:0.08908183311157114	of:0.07538470426838667	:0.01
the:0.5435694588832608	an:0.25688372965404804	The:0.09599325496184975	and:0.02525860458316723	tho:0.02348451237804948	An:0.013523277233274135	fair:0.010712953032580833	a:0.010461129662707576	their:0.010113079611062153	:0.01
the:0.2924507441643734	a:0.2618477043632467	and:0.11020848622914839	of:0.09629057222831493	to:0.0657944783354701	with:0.0475258394681742	in:0.040447285203933286	for:0.040446253326898274	The:0.03498863668044072	:0.01
the:0.19836175636655523	and:0.1674130352389857	of:0.16070716605411697	to:0.14121474152525526	a:0.12385002738842145	in:0.07400006600096737	at:0.051765895272262975	or:0.041681126885312204	that:0.031006185268122963	:0.01
the:0.21858781341275965	and:0.1478758923551721	of:0.11615811686309203	from:0.11177724876014798	a:0.10253926757191247	to:0.0836069355321638	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441833	:0.01
of:0.32275215787981076	the:0.18495841566789484	a:0.1290887287974743	to:0.12049341173913584	in:0.0710120607146319	and:0.049429383145746464	for:0.041565452122729885	or:0.03744631965345005	with:0.03325407027912602	:0.01
of:0.4020083684610406	in:0.13716271506508412	to:0.13282599482635887	that:0.06247487500645731	for:0.05914605148178096	and:0.058197781082765354	with:0.04879687973211098	by:0.04561542465870809	In:0.043771909685693784	:0.01
be:0.32953118170021484	been:0.20404872578777486	was:0.16629591018677622	is:0.06882805064319625	were:0.06179517167870389	are:0.049666768140942584	has:0.036961647744692384	being:0.036820527040245465	and:0.03605201707745356	:0.01
as:0.19662511888164905	and:0.13599896099910416	went:0.11985794615854042	up:0.11178723576449628	go:0.09374208647216854	it:0.08727768788023692	return:0.08637040268035319	back:0.08039862892704303	returned:0.07794193223640834	:0.01
the:0.40004629088706956	of:0.17001214588784655	to:0.09324409555324727	and:0.08485788841663555	a:0.07725491056514237	in:0.058901956466901474	for:0.048500848023656985	that:0.030393568527880322	on:0.026788295671619843	:0.01
hundred:0.3884137864543694	up:0.09123185635738856	men:0.08930224671194736	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.0730641111791452	him:0.0668423327581923	;:0.06651424040074752	due:0.06192290086804839	:0.01
the:0.281539576027661	to:0.16349301591714718	and:0.1576538628402311	of:0.1561731434951893	a:0.054267496966521916	was:0.0511252006588097	at:0.043131099724247786	on:0.04281140286210549	be:0.0398052015080865	:0.01
and:0.18925415902801357	was:0.13065248732348442	the:0.12911824055613613	of:0.12222408689501933	be:0.12114528429922004	to:0.0886203548825185	a:0.08569244473368699	is:0.06451226873249925	been:0.05878067354942176	:0.01
of:0.4236582024308362	in:0.1070423632198144	to:0.10171171793707634	for:0.07682717870438868	or:0.07481991714488818	by:0.05717926813387222	than:0.051057226164843414	from:0.05018207581933747	at:0.04752205044494303	:0.01
Robert:0.16193587539196894	John:0.13282370832759866	William:0.12965615761019353	Mr.:0.12832321415345696	James:0.11911747789628457	Charles:0.09980223899822932	George:0.08388832956005775	Joseph:0.07558843387876574	Thomas:0.05886456418344467	:0.01
sum:0.18676829411122217	number:0.15664863215135452	line:0.1114008174127248	city:0.10844765106291132	out:0.10739005474369738	day:0.09286734076326103	county:0.08286139477536685	amount:0.07384405151900512	Board:0.0697717634604569	:0.01
one:0.24264340695835482	more:0.23054545062015833	two:0.0981807367936259	day:0.07992109173335674	piece:0.07956602365769061	law:0.07269405344014908	person:0.0692482193537107	action:0.06313235610792371	three:0.05406866133503009	:0.01
of:0.46914905443200067	in:0.19182316409567338	by:0.06104554148722487	for:0.05384136047277377	the:0.051037729602090375	and:0.04802305799198075	with:0.04310465680745038	on:0.036449771299235184	In:0.035525663811570685	:0.01
will:0.2077345152218535	can:0.1224511172457499	and:0.11948911370113391	is:0.1133578577684206	would:0.10308657939585207	appear:0.09125240206812457	w:0.07926904708937706	are:0.07858000288788299	it:0.07477936462160534	:0.01
the:0.3970060169268183	of:0.14573480826505134	or:0.09562027779195532	other:0.07940841558069169	their:0.06464006247905504	for:0.055301448057008415	trunk:0.05451073483573464	these:0.05170443837056229	two:0.04607379769312297	:0.01
of:0.4519194714488646	to:0.12989474327407766	in:0.0792882689873796	that:0.06716505337845553	and:0.06361007169934067	by:0.06354555501239878	with:0.05161501083237711	on:0.04158256633617882	from:0.04137925903092715	:0.01
to:0.31044311712302186	will:0.19865815485438854	would:0.16763922878097526	may:0.08056051789903806	should:0.06709673597004327	shall:0.06180475577979002	must:0.03987946176432109	not:0.03983771231448096	can:0.024080315513940825	:0.01
for:0.3353536570676537	of:0.26398646593645714	in:0.11358876126417496	and:0.09828076167227157	about:0.04210572628891676	or:0.04188202368044998	the:0.03817019217172396	In:0.029389717660631736	with:0.027242694257720114	:0.01
away:0.1629496515721689	and:0.15550238078112044	came:0.15382435291937674	miles:0.115656254434836	come:0.09150926185604646	taken:0.08554874710351171	up:0.0797751116721763	feet:0.07766311934355372	him:0.06757112031720965	:0.01
and:0.35274299898889416	but:0.12039359139776246	of:0.09650221145785419	so:0.09631546972031182	that:0.07485695923642613	as:0.0725863470732794	all:0.06591698233355889	is:0.05635106159273076	fact:0.05433437819918221	:0.01
a:0.6668155944475678	the:0.11945695553723845	A:0.08271940289313601	certain:0.027025624391222927	one:0.02698066230836644	described:0.01814629192953105	every:0.017034537362573654	large:0.01607581858925807	this:0.015745112541105517	:0.01
the:0.2672237048037175	and:0.1863396721097016	a:0.1370038683682266	all:0.11546118993330712	these:0.0762192676593	or:0.057855000970231156	These:0.05168398843530363	that:0.05046927704369175	of:0.04774403067652069	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
ten:0.15930487185285927	10:0.14541430797534555	50:0.1363965197067913	fifty:0.13138648452723573	20:0.1042818573247517	three:0.08217797916488719	five:0.08128407590711607	25:0.07571109758089106	5:0.07404280596012217	:0.01
they:0.26004076152708355	who:0.12520266395751167	there:0.11579702370869377	we:0.11373584132620913	which:0.08776419117906968	and:0.08322440250912155	you:0.07598043962573241	There:0.06594329369292243	They:0.062311382473655905	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.0737598134401799	shown:0.07207509517503562	up:0.07042691841811509	ed:0.07002219172812583	out:0.06751988832599076	taken:0.06659664986169861	done:0.06447313592858382	:0.01
of:0.4764166981485243	to:0.11785749007694174	in:0.08890760353478615	by:0.07822816904462096	and:0.06706696775620699	that:0.05721982502308667	for:0.048411095310872315	with:0.0322345026310605	from:0.02365764847390035	:0.01
on:0.20882163947107169	of:0.20580302678447474	and:0.15283046093795438	to:0.10307048091481884	On:0.0934440932218849	all:0.06169111630679553	with:0.059900783022025936	in:0.05740836204605506	that:0.04703003729491897	:0.01
the:0.5738200808112985	a:0.21908795081569563	The:0.08262308289808415	tho:0.038690040833313524	of:0.0200302109457	and:0.016644993700208298	our:0.014387318424919972	that:0.012440526412677087	A:0.012275795158102598	:0.01
of:0.3486714887880616	in:0.11749943158097818	to:0.11649346511285981	for:0.1127915940953817	with:0.09309049430741777	and:0.05786459951169575	by:0.05140815918210179	from:0.048752596382727664	at:0.043428171038775644	:0.01
hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01
is:0.38520148421124667	was:0.1234155928280963	he:0.07416500653831193	and:0.07102494542231634	be:0.06626103178757331	Is:0.0648126617177738	I:0.06035624029529363	He:0.0517554132922303	are:0.04671551368202216	generally:0.04629211022513552	:0.01
covered:0.22791360364769667	and:0.20182494479562688	filled:0.14488115664763704	up:0.11533089881339172	it:0.07222539147106118	made:0.07173341339670927	together:0.054356505465807003	loaded:0.05347317180238365	trimmed:0.0482609139596867	:0.01
and:0.20450556845365275	days:0.12596459196979642	was:0.12001441399073981	or:0.09579385432590432	time:0.09472943273581123	that:0.09322739577872445	never:0.08763760886899596	long:0.0868116995898552	be:0.08131543428651984	:0.01
a:0.5674888740248971	the:0.16786076670244385	young:0.07412098683394058	that:0.03744356908237695	of:0.03472027493815338	any:0.032170875078842934	every:0.02784143887318418	old:0.025865400270815853	white:0.022487814195345394	:0.01
of:0.21814346045067723	in:0.14219429705866626	for:0.12015593059818583	to:0.10853232719473357	with:0.0985650877212734	and:0.08477052742557205	by:0.07928059172976251	was:0.07061790428652878	is:0.0677398735346003	:0.01
of:0.31662382482780055	the:0.18822284322808477	in:0.11578788137479393	and:0.09407676728996123	that:0.07488917283524958	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.03956238267555868	:0.01
the:0.3906811714609009	and:0.17377497235309416	of:0.16402022426119917	this:0.06297203436300496	or:0.04227077940897937	that:0.041588001838730224	The:0.041359426408772264	an:0.0367633382965507	a:0.03657005160876839	:0.01
the:0.4955936773497749	on:0.17112227411649808	a:0.06761290546400966	in:0.06404797601429649	of:0.05196382766483556	said:0.0479087828395064	this:0.034197130679618826	tho:0.0314741095950611	his:0.026079316276399013	:0.01
of:0.23986092657953612	.:0.15330169590021517	to:0.14095392990059252	&:0.11765668600181917	<s>:0.08468848378731811	at:0.07610542905883681	and:0.07576075180496121	the:0.05419134881751392	from:0.04748074814920716	:0.01
to:0.6065290368129475	I:0.10462687070003159	and:0.09558238705688164	not:0.050903976600404605	will:0.03935265216814136	would:0.02543887683651524	you:0.02467940022999833	should:0.022189393638597964	we:0.02069740595648184	:0.01
it:0.24649221010470249	they:0.12660885768690028	as:0.12478371852874594	It:0.1153706312316133	which:0.09814530941872672	that:0.08134154231318844	he:0.07300013832140625	and:0.062216211469644525	you:0.0620413809250721	:0.01
the:0.5134858949480098	of:0.1275499422864565	a:0.094448782371377	and:0.08090692397205874	to:0.056356116674630884	in:0.044330434468874455	tho:0.02915519651743908	The:0.02327071675705799	or:0.02049599200409569	:0.01
they:0.2440456156842582	there:0.15602364213265002	There:0.11775195248347725	we:0.1054928781867736	who:0.09833799834140741	and:0.09439927001345064	They:0.0653802562812547	which:0.05522377752198967	you:0.053344609354738476	:0.01
of:0.23282373712783636	the:0.18794337402219385	and:0.12200514378757683	in:0.10682736651079423	to:0.10317605904470238	a:0.09033516056204577	be:0.05152489571020419	for:0.05047501264939617	was:0.04488925058525029	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
the:0.5061882620716961	a:0.13085190010351927	of:0.0892969640362918	The:0.07347437168705656	and:0.05166442011410143	tho:0.04732974885664964	his:0.03166145175656874	our:0.031098244722595543	to:0.02843463665152091	:0.01
the:0.2251914794154926	his:0.17076920700121218	of:0.15101519719124	and:0.11783429116320886	their:0.09158942525851275	to:0.06820184817303494	my:0.06065742540379309	with:0.056343374941971815	her:0.04839775145153365	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
is:0.23753921694527766	and:0.16180817442391787	was:0.12129324558936605	simply:0.11456396596872402	not:0.10365620717742029	it:0.09673326713251382	but:0.06180585339583338	that:0.04878465779704805	it,:0.043815411569899015	:0.01
and:0.23472984740800643	of:0.1903427725499293	to:0.1589974673691211	the:0.14872653581764267	on:0.05782225657498437	in:0.05781024492789173	<s>:0.05127606043924979	that:0.04858455105407135	from:0.04171026385910328	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
be:0.34784172640942046	was:0.16617909347779478	been:0.13244610415311092	is:0.08989230134039132	and:0.06607633165109791	were:0.0632575179400396	are:0.06145310104528789	being:0.03904429293995983	he:0.023809531042897177	:0.01
the:0.4374744830071531	such:0.10930968827221525	these:0.07519435583754752	best:0.06668559503068389	his:0.06407944463807924	our:0.060125956727441705	other:0.06004832451877342	business:0.05922089613543511	their:0.05786125583267082	:0.01
;:0.35702640113955214	it,:0.1405034771512006	him,:0.09410044652650008	and:0.08869042620385373	is:0.08276517513931851	them,:0.07033244892942488	time,:0.06797401967020504	,:0.04526402682343889	nothing:0.043343578416506184	:0.01
the:0.2704373926522813	a:0.21831837013200042	of:0.15179649861663674	and:0.09330663821376654	at:0.06434627382681708	to:0.0640746771769399	in:0.0499496218460745	for:0.045001814785165184	an:0.03276871275031821	:0.01
to:0.21430843311958342	I:0.18340587849166953	would:0.10831609262721735	we:0.10564143227013895	they:0.10011365051922819	who:0.08716581288601917	could:0.06957572519001601	must:0.06454476272802967	should:0.05692821216809769	:0.01
to:0.72768128528762	not:0.059670470016441324	will:0.0495317925230493	would:0.042035765950945714	and:0.030623586616809154	can:0.023242227883158967	may:0.021704591289153925	could:0.018718769573053004	To:0.01679151085976859	:0.01
a:0.48830049229710754	the:0.3029434654466315	The:0.0457884899278886	of:0.0370341729571586	his:0.028159444937541512	this:0.026568155657764176	any:0.022896176149966058	A:0.020232090362337567	no:0.018077512263604455	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871066	to:0.08077305174479381	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.032028615679449264	:0.01
part:0.21496902104278678	one:0.20912369233988043	some:0.12867331343811736	out:0.1057303116879626	members:0.07618604502434112	and:0.06636584999188522	tion:0.06479865598258486	portion:0.06226235532256281	side:0.061890755169878825	:0.01
to:0.5582773489168229	will:0.1205326814783067	and:0.09539493546476666	would:0.0672383877917962	not:0.04618354515711836	I:0.031104936597419988	could:0.0249204630812482	they:0.024226663058436848	we:0.022121038454084224	:0.01
and:0.2503779956113223	to:0.19051743664518075	of:0.12818071300755096	the:0.11341275889843264	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.057905904745916295	for:0.056443486992488516	:0.01
be:0.22597535338754082	was:0.22022621232109554	been:0.1465018532603573	is:0.08372127547808164	were:0.08311063655168735	and:0.06966620745111651	Action:0.06481215720668473	are:0.05603497983203548	being:0.03995132451140055	:0.01
of:0.29090380880773137	in:0.1422990615992337	to:0.13228348808371382	for:0.1045223741712512	and:0.09327319156944214	at:0.07215408147019345	with:0.05784656581009074	by:0.04942877232597752	from:0.04728865616236608	:0.01
of:0.3269275520734347	to:0.1298190362591836	for:0.11793447932887922	by:0.08845374893933523	and:0.07946976823777345	that:0.0756829577350082	with:0.06503197855401054	in:0.06471375892939778	at:0.041966719942977286	:0.01
had:0.35487899448723775	have:0.22814747746370512	has:0.13798659080901685	was:0.08784074491369062	be:0.04441597477038501	been:0.04250795738234945	and:0.041939714567971874	were:0.026807546656898194	he:0.025474998948745015	:0.01
a:0.8222895687316497	that:0.038042412056431794	of:0.027212958148273327	A:0.026666324823166065	and:0.022788247007600647	the:0.019109995103180587	as:0.012905138001248224	is:0.010920282998614974	in:0.010065073129834784	:0.01
more:0.14449914668263036	due:0.13484845272350116	public:0.12406451221768598	good:0.12403741692723917	in:0.11945606173369773	time:0.09860232611184282	it:0.08458207491866443	risk:0.0839737241526334	large:0.07593628453210496	:0.01
the:0.28859300820277245	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.09215976646035769	be:0.0664805226347077	in:0.0495875201634372	is:0.04724610892476859	not:0.042825093941383084	:0.01
the:0.41564608671913017	Supreme:0.18180321100710317	District:0.09042425402687575	said:0.07168119118824547	Circuit:0.06676481423033424	County:0.05671885849152854	this:0.041521375137266156	tho:0.03514861529239232	of:0.03029159390712423	:0.01
and:0.26829833195078745	recorded:0.10717905104111183	was:0.10263907629409648	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592747	is:0.07240199994443214	found:0.0710984436282374	:0.01
the:0.2430700290993388	of:0.19255952245263241	and:0.1541377657113866	to:0.1438140321537308	a:0.07286436798209919	be:0.051059482517056685	or:0.05091033703493395	his:0.042464487272563516	on:0.03911997577625805	:0.01
to:0.36267412465842147	will:0.13858750329788957	be-:0.12116547449766985	had:0.07921189610338437	has:0.07439756623795972	have:0.07263596961952425	not:0.05124771042827552	would:0.04867871214108111	I:0.04140104301579408	:0.01
a='hundred:0.16310519953665284	;:0.13365936507111417	him:0.11732615948902898	one:0.10942603140040545	feet:0.10793347117441225	up:0.10029179877010726	mile:0.09005038552425718	feet,:0.085903823261794	time:0.08230376577222767	:0.01'
elems = a.split('\t')
elems
['hundred:0.16310519953665284',
 ';:0.13365936507111417',
 'him:0.11732615948902898',
 'one:0.10942603140040545',
 'feet:0.10793347117441225',
 'up:0.10029179877010726',
 'mile:0.09005038552425718',
 'feet,:0.085903823261794',
 'time:0.08230376577222767',
 ':0.01']
print(sum([float(entry.split(':')[1]) for entry in elems]))
0.9999999999999998
for x in elems:
    a = x.split(':')[1]
    print(a)
0.1631051995366529
0.1336593650711142
0.11732615948902901
0.10942603140040548
0.10793347117441228
0.10029179877010727
0.09005038552425719
0.08590382326179401
0.0823037657722277
0.01